Abstract

For many decades, experimental solid mechanics has played a crucial role in characterizing and understanding the mechanical properties of natural and novel artificial materials. Recent advances in machine learning (ML) provide new opportunities for the field, including experimental design, data analysis, uncertainty quantification, and inverse problems. As the number of papers published in recent years in this emerging field is growing exponentially, it is timely to conduct a comprehensive and up-to-date review of recent ML applications in experimental solid mechanics. Here, we first provide an overview of common ML algorithms and terminologies that are pertinent to this review, with emphasis placed on physics-informed and physics-based ML methods. Then, we provide thorough coverage of recent ML applications in traditional and emerging areas of experimental mechanics, including fracture mechanics, biomechanics, nano- and micromechanics, architected materials, and two-dimensional materials. Finally, we highlight some current challenges of applying ML to multimodality and multifidelity experimental datasets, quantifying the uncertainty of ML predictions, and proposing several future research directions. This review aims to provide valuable insights into the use of ML methods and a variety of examples for researchers in solid mechanics to integrate into their experiments.

1 Introduction

Over the years, the field of experimental solid mechanics has kept evolving because of the continuous demand to characterize and understand the mechanical properties of natural and novel artificial metamaterials and structures [1,2]. There are two primary motivations for performing experiments in solid mechanics: (1) to provide experimental observations that can be used to advance universal mechanics laws; (2) to measure unknown mechanical properties of materials and structures, e.g., stiffness, strength, phase changes, inelasticity, damage, and fracture, under prescribed boundary or loading conditions. Measured fields and properties guide the construction of constitutive laws and interpretation of underlying physics. Throughout the history of experimental solid mechanics, various apparatuses have been invented to measure mechanical properties, from quasi-static testing (e.g., the universal tensile testing machine [3]) to high strain-rate testing (e.g., Kolsky bars [4] and plate impact facility [5,6]). In the past two decades, advances in nanomechanics tools like the nano-indenter and micro-electromechanical systems (MEMS) for in situ microscopy testing [7,8] have enabled nanoscale characterization of advanced materials [911]. Likewise, various experimental measurement techniques have been developed, from local methods, e.g., strain gages and displacement transducers [12], to full-field methods, such as high-resolution and high-speed imaging systems [13]. These technical innovations provide an extensive and ever-increasing amount of data collected during a single experiment. To analyze data from full-field measurement, new analysis techniques such as Moiré interferometry [14], digital image/volume correlations (DIC/DVC) [15,16], and electronic speckle pattern interferometry [17] have been developed to extract mechanical properties and deformation fields from experiments. Furthermore, inverse methods have been used to extract constitutive behavior and identify imperfections [18,19]. Indeed, the combination of experimental mechanics with fast and robust computational algorithms for inverse analysis has been growing in importance since it enables new approaches to mechanical property identification, from fracture properties under extreme conditions to anisotropic properties of biological tissues to superior mechanical properties of nano-architected and two-dimensional (2D) materials.

Recently, the concept of materials by design [20] has been advanced for the design of multifunctional architected materials [21] and 2D materials/devices [22,23] exhibiting unprecedented performance. Such progress was possible due to the rapid development of modern experimental mechanics techniques, which include fabrication processes, e.g., additive manufacturing (AM) [24], chemical vapor deposition, as well as the development of high-throughput testing methodologies [2527]. In such research strategy, experimental solid mechanics plays an essential role in providing valuable training and validation of experimental data for extracting physically inspired reduced-order models as well as advancing understanding of fabrication process-mechanical property relationships. Therefore, combining novel and intelligent algorithms together with advances in fabrication and experimental characterization methods has the potential to achieve a paradigm shift in discovering multifunctional and architected materials and structures.

Recent advances in machine learning (ML) [28], in particular, deep learning (DL) [29], offer the opportunity to expand the field of experimental solid mechanics when combined with rapid data processing and inverse approaches. ML has played a significant role in computer science applications and technologies like computer vision [30], natural language processing [31], and self-driving cars [32]. In engineering and applied physics disciplines, ML has been widely used in various areas of materials science, including material microstructure design [33], microscopic imaging detection [34], and force-field development [35]. Several comprehensive reviews [3640] have thoroughly surveyed the potential of ML in materials science. In solid mechanics, ML has been successfully employed in a wide range of applications, such as constructing surrogate models for constitutive modeling [41,42], advancing multiscale modeling [43,44], designing architected materials [45], extracting unknown mechanical parameters [46], or obtaining the internal material information from externally measured fields [4749]. In these applications, most ML frameworks were trained on synthetic data from computational methods. Therefore, applying these ML frameworks to train and validate sparse and noisy experimental data with high fidelity and modality require cautious quantification of uncertainty [50,51], from both experimental data and ML architectures like hyperparameters, optimization method, and overparameterization. For this purpose, uncertainty quantification methods like Bayesian methods and deep ensembles can be employed. Moreover, employing ML in the experimental design data process could not only potentially identify material properties, which could not be revealed otherwise, but also inspire experimentalists to develop new experimental techniques with metrology capable of big-data generation with high information content. With broad community interest, as reflected by the increasing number of publications in this field, it is timely to conduct a contemporary and thorough review of recent advances in the use of ML in experimental solid mechanics. Though this review will be focused on experimental aspects, multidisciplinary approaches, including computational and theoretical mechanics, as well as materials science, are needed to address engineering applications.

This review is dedicated to Prof. Kyung-Suk Kim, on his 70 s birthday, to celebrate his seminal contributions to the fields of experimental and theoretical mechanics. The review is planned as follows. In Sec. 2, we will briefly review some key ML algorithms that can be employed in experimental mechanics. Then, in Sec. 3, we will review some recent progress of ML applications in experimental solid mechanics, covering the broad areas of fracture mechanics, biomechanics, nano- and micromechanics, mechanics of architected materials, and fracture toughness of 2D materials. In Sec. 4, we will discuss how to properly select ML models for experimental data with multifidelity and multimodality. We will also discuss possible solutions to estimate and reduce ML uncertainty. Finally, in Sec. 5, we will close our review with a discussion of potential future research directions. Please note that ML has also been extensively applied to AM and full-field optical measurement, which are two other important fields in experimental solid mechanics. Since extensive state-of-the-art reviews have been conducted in these two fields (see Refs. [5254] for AM and Ref. [55] for full-field optical measurement), we will not cover these topics extensively in this review.

2 Machine Learning Framework for Experimental Solid Mechanics

Machine learning methods use algorithms mimicking human intelligence to perform optimization tasks for particular goals [28]. Since the early development of neural networks (NNs) and back-propagation algorithms [56] in the 1980s, the research field in ML has evolved significantly, leading to the discovery of various network architectures with distinct operational principles. Therefore, before applying these ML algorithms to experimental solid mechanics, it is crucial to understand their architectures, working principles, and potential limitations. Such fundamental knowledge will enable researchers to effectively understand these algorithms and utilize them appropriately in specific applications. In principle, ML methods can be divided into three main categories: supervised learning, unsupervised learning, and reinforcement learning (RL). In supervised learning, the algorithm learns the mapping between the input dataset and their ground-truth labels, while in unsupervised learning, the algorithm aims to identify patterns and features in the data without being explicitly trained on labeled examples. In reinforced learning, an agent receives feedback in terms of reward or punishments for each action and then uses this feedback to improve future decision-making capabilities. In addition, there are other ML methods, such as semisupervised learning. In semisupervised learning, the ML algorithm is trained with both labeled and unlabeled datasets. The labeled data first train the model, and then the model is used to label the unlabeled data. Examples of supervised learning algorithms include linear regression, decision trees, and NNs. Examples of unsupervised learning algorithms include principal component analysis, K-mean clustering, and spectral clustering. Examples of RL include policy gradient and Q-learning. Examples of semisupervised learning include generative models like generative adversarial networks (GANs). For more details on the fundamentals of ML methods, readers are referred to textbooks, see, e.g., Ref. [57] and online courses.

Machine learning methods are typically data-driven, that is, the model is trained/informed by large datasets consisting of images, texts, audio, and so on [28]. For example, the revolutionary AI chatbot software, chatgpt [58], was trained based on a transformer language model [59] that uses self-attention mechanisms, allowing the model to weigh input words at different positions to predict the following words. In engineering and physics disciplines, however, many problems can be well-defined by some underlying physical laws such as partial differential equations (PDEs). For example, in solid mechanics, the equilibrium, compatibility, and constitutive equations (a set of PDEs) define the kinematics of continuum bodies. Moreover, the physical laws themselves provide valuable a priori temporal or spatial information, which can be integrated into the ML framework during training. To this end, the concept of physics-informed neural networks (PINNs) [60] has been proposed by the Karniadakis group at Brown University. This framework has paved a new pathway to solving physical-law-governed forward and inverse problems, reducing the need to collect a large dataset. Based on the notion of data-driven and physics-informed ML methods, we may interpolate between these two ends, formulating a spectrum of scientific ML methods that may be developed for experimental solid mechanics. Depending on the size of the dataset we could obtain, and how much physics is embedded in the algorithms, the scientific ML approaches can be categorized into three scenarios depicted in Fig. 1: (I) physics-informed learning method [60,61], (II) physics-based data-driven method, and (III) purely data-driven method. The second scenario, i.e., the physics-based data-driven approach, is typically employed when a problem is too complex to be completely described by a set of PDEs. An example is the cohesive fracture of solids, where the training dataset can be relatively easily obtained from massive computer simulations incorporating the physics of the problem, e.g., finite element analysis (FEA) or molecular dynamics (MD).

Fig. 1
Schematics of three ML approaches based on available physics and data: (I) PINNs; (II) physics-based data-driven; and (III) purely data-driven (Reproduced with permission from Ref. [62]. Copyright 2021 by Hanxun Jin). Figure idea from Karniadakis et al. [61].
Fig. 1
Schematics of three ML approaches based on available physics and data: (I) PINNs; (II) physics-based data-driven; and (III) purely data-driven (Reproduced with permission from Ref. [62]. Copyright 2021 by Hanxun Jin). Figure idea from Karniadakis et al. [61].
Close modal

In the following subsections, we will briefly review some existing ML algorithms and introduce terminologies that are useful for applications in experimental solid mechanics. In Sec. 2.1, we will discuss one of the unsupervised ML methods, the clustering method. We will then introduce various types of NNs in Secs. 2.22.6. Then, in Secs. 2.7 and 2.8, we will discuss RL and Bayesian inference. Lastly, methods used in the scientific ML community will be discussed in Secs. 2.9 and 2.10.

2.1 Clustering.

Clustering is an unsupervised ML technique that identifies data structure and grouping similar datasets into several clusters. The most common clustering algorithm is the K-means method, which groups the total dataset into K clusters by minimizing the total distance between the data and computed cluster centroids. When K-means algorithm fails to cluster the data due to data nonlinearities or complexity, the spectral clustering algorithm [63], which uses the spectral properties of the dataset to determine clusters, can be employed. The principle of spectral clustering is to transform a complex dataset into a low-dimensional representation by using the spectrum (eigenvalues) of the similarity matrix of the data. Then, the low-dimensional dataset can be clustered using traditional clustering techniques, such as K-means clustering. In experimental solid mechanics, spectral clustering particularly applies to acoustic signals such as acoustic emissions from mechanical response [64]. For example, Muir et al. [65] applied the spectral clustering technique to identify the damage mechanisms of SiC/SiC composites based on frequency information of acoustic emission signals.

2.2 Neural Networks.

Neural networks are an ML algorithm inspired by the function and structure of the human brain. They consist of an input layer, interconnected layer(s), and an output layer. These layers are interconnected with nodes, which are like neurons. Through passing information by interconnected layers with activation functions [57] (such as Sigmoid, Softmax, and rectified linear unit (ReLu) functions [66]), the NN can learn a nonlinear mapping between inputs and outputs. There is a variety of NNs, including dense neural networks, convolutional neural networks (CNN), GANs, graph neural networks (GNNs), recurrent neural networks (RNNs), transformers, and autoencoders, which are useful in inverse problems and data generation for solid mechanics. Among these structures, the simplest architecture of NNs is the fully connected NNs, where all neurons in every layer are connected to all neurons in the adjacent layers. In the next subsections, we will briefly overview these NN structures and their current and potential applications in experimental solid mechanics.

2.3 Convolutional Neural Networks.

Convolutional neural network is a type of DL algorithm commonly used for image classification and feature extractions [67,68]. The input images are processed through convolutional layers, subsequently passed through the polling layer, and fully connected layers for feature reduction and filtering. Multiple convolutional layers can be applied to increase the complexity of the feature extraction. CNN can be useful for both regression and classification of image-based experimental data. For example, CNN can be used for material property identification and microstructure characterization from experimental images [69]. Furthermore, CNN can analyze images obtained from full-field measurement techniques like interferometric and DIC data. Using CNN for feature extraction from interferometric fringes can bypass the need for a conventional fringe unwrapping process while also increasing the feature extraction accuracy. For example, Jin et al. [70] employed a CNN-based DL framework to extract dynamic cohesive properties and fracture toughness of polyurea directly from image-shearing interferometric fringes. Kaviani and Kolinski [71] developed a CNN-based DL framework to convert fringes from Fizeau interferometry with a low resolution into frustrated total internal reflection images with high resolution while studying droplet impact. Another important application for CNN in experimental mechanics is to analyze DIC data. DIC is a powerful full-field measurement tool to analyze local displacement and strain distribution [15]. Many advanced DIC techniques like q-factor-based DIC [72] and augmented-Lagrangian DIC [73,74] were developed to increase the accuracy, efficiency, and robustness of strain field calculation. Recently, Yang et al. [75] showed the pretrained CNN-based DL algorithms from synthetic data can accurately predict end-to-end measurement of displacement and strain fields from experimental speckle images. CNNs were also used by Espinosa and coworkers in the study of cell morphology upon biomolecular delivery into cells using localized electroporation [76] and the localization of single cells within a population for single-cell gene editing [77].

2.4 Recurrent Neural Networks.

Recurrent neural networks are a type of NNs that have been successfully used for processing sequential datasets such as natural language [57]. Unlike feedforward NNs, RNNs can retain information about previous inputs. One of the seminal RNNs models is long short-term memory (LSTM) networks [78], which were developed to solve the vanishing gradient problem for simple RNNs. RNNs have been widely applied in a variety of applications, such as speech recognition, machine translation, and natural language processing. In solid mechanics applications, RNNs have been used in structural health monitoring, such as crack path detection. For example, in Buehler's group, LSTM models were trained based on atomistic simulations to predict the fracture patterns of crystalline solids [79] and 2D materials [80,81]. Furthermore, RNNs have been successfully applied to model solids with plastic behaviors due to their capability to deal with time-dependent data. For example, Mozaffar et al. [82] applied RNNs to model path-dependent plasticity for complex microstructures.

2.5 Graph Neural Networks.

Graph neural networks [83] are a type of ML method that is usually employed on graph-structured data, which can be considered as a collection of nodes and edges. The nodes represent entities, and the edges represent the relationships between the entities. Therefore, GNNs are well-suited for handling problems where the relationships between entities are abstract, nonsequential, and highly interconnected. GNNs have been successfully applied to a broad range of applications, including recommender systems [84], social networks [85], drug discovery [86], material property prediction [87], and protein nature frequency prediction [88]. In solid mechanics, GNNs have been employed to characterize and design complex mechanical materials and structures based on the graph representation of their microstructure and/or crystallography. For example, Guo and Buehler [89] applied GNNs to design architected material through a semisupervised approach. Xue et al. [90] developed a GNNs-based framework to predict the nonlinear dynamics of soft mechanical metamaterials. Hestroffer et al. [91] applied GNNs to predict mechanical properties like stiffness and yield strength of polycrystalline materials. Thomas et al. [92] employed GNNs to represent fatigue features in polycrystalline materials and predict high-cycle fatigue damage formation.

2.6 Generative Adversarial Networks and Conditional Generative Adversarial Networks.

Generative adversarial networks and conditional generative adversarial networks are ML algorithms initially used in the field of computer vision, like image generation. GANs consist of two NNs, a generator, and a discriminator, trained simultaneously in a game-theory-based framework to generate new synthetic datasets that mimic the original datasets [93]. First, the generator creates new data from random Gaussian noise. Then, the discriminator evaluates if the generated data is true or false. The training finishes when a Nash equilibrium [94] is reached, where the generator produces authentic data that the discriminator could not identify as fake. Therefore, GANs can be a promising ML algorithm for training data generation and augmentation in solid mechanics, such as generating synthetic structures of metamaterials, which can be used for simulations and experiments. For example, GANs were applied to generate complex architected materials, among which many of them have extreme mechanical properties without prior knowledge [95]. Similarly, GANs were used to generate three-dimensional (3D) microstructures from 2D sliced images, which are as authentic as real microstructures of battery electrodes [96]. While GANs have shown tremendous success in data augmentation, there are some common limitations, such as mode collapse and training instability [97], which need attention to generate high-quality synthetic data. Besides careful hyperparameter tunning, one possible solution is to introduce physics-informed constraints during training. For instance, in the context of microstructural generation, incorporating statistical information, such as geometry descriptors [98], as a constraint can help ensure that the generated structures adhere to certain physical properties.Conditional generative adversarial networks are an extension of GANs where data generation is conditioned on additional inputs or labels [99]. Beyond its data generation capability, cGANs can also be used for image-based end-to-end mapping and inverse problems, such as topology optimization [100]. Applying cGANs to inverse problems enables the generation of solutions that are consistent with the desired properties. cGANs have been applied to image-to-image transitions like image inpainting [101] or image semantic segmentation [102]. In Solid Mechanics, cGANs have been employed to inversely identify the material modulus map while employing strain/stress images [47] or predict strain and stress distributions in composites [103,104]. Furthermore, cGANs have been successfully applied to experimental data inpainting when partial experimental data is missing [70].

2.7 Reinforcement Learning.

Reinforcement learning is a type of ML technique in which an agent learns to make the optimum decisions by interacting with its environment to achieve a specific goal [105]. During the training, the agent receives feedback in the form of rewards or penalties based on its actions, enabling it to adjust its time-dependent behavior to maximize the cumulative reward. Therefore, there are three important aspects of RL: agent, environment, and reward. The RL methods can be categorized into value-based methods, policy-based methods, and actor-critic methods. Recent advances in deep reinforcement learning (DRL) [106] have further expanded the capability of RL for sophisticated optimization tasks. Common DRL algorithms include deep Q-networks [107] and deep policy gradient [108]. DRL has been widely used in game playings, such as AlphaGo [109], autonomous robotics [110], chemical design [111], and fluid flow optimization [112]. As its application in solid mechanics, RL has been employed in a wide range of optimization tasks, such as materials design and structural optimization. In materials design, the geometry and material parameters can be considered as the agent, and the desired mechanical responses, like the stress–strain relationship, can be considered as the environment. By sampling the design space, the agent can receive a reward when the structure reaches the desired properties. For example, Sui et al. [113] applied deep Q-networks to design biphasic materials based on desired homogenized properties. More recently, Nguyen et al. [114] developed a DL method by combining GANs and RL to generate realistic three-dimensional microstructures with user-defined structural properties.

2.8 Bayesian Inference.

Bayesian inference, named after Thomas Bayes, is a statistical method that allows us to quantify the uncertainty of unknown parameters based on observed data [115]. The fundamental concept of Bayesian inference involves integrating prior knowledge about an unknown parameter with the likelihood of the observed data given that parameter to generate the posterior probability distribution. In contrast to ML methods that focus on identifying the optimal model parameters, i.e., the maximum likelihood estimate, Bayesian inference provides a comprehensive description of the uncertainty surrounding the parameters, allowing for robust uncertainty quantification. However, Bayesian inference also has certain drawbacks. First, the selection of prior distribution can be subjective and may influence the results, especially in the case of limited data. Second, computational cost can be intensive, especially for high-dimensional spaces, as it involves sampling and computing likelihood across the entire parameter space. Despite these challenges, Bayesian inference has been widely used in various fields, such as finance, environmental science, signal processing, and healthcare. In solid mechanics, Bayesian inference has been widely used to identify material parameters and quantify their uncertainty from various experimental data, such as uniaxial stress–strain data [116], force-indentation depth data from nano-indentation [117], and resonance frequency data from resonant ultrasound spectroscopy [118,119].

2.9 Physics-Informed Neural Networks.

Since the landmark paper [60] published by the Karniadakis group in 2019 (arXiv preprint in 2017 [120]), PINNs have played a significant role in scientific ML in engineering and physics disciplines [61]. The fundamental idea of PINNs is to apply a NN to approximate the solution to a physical problem, where the governing physical principles (mathematically expressed by PDEs) are enforced as prior knowledge by penalizing the residuals of PDEs, similar to Refs. [121] and [122]. PINNs have been successfully employed to solve scientific problems in a wide span of engineering disciplines such as heat transfer [123], fluid dynamics [124126], wave propagation [127], nano-optics [128], AM [129], and biomaterials [130]. Due to the injection of physical laws into the learning algorithm, PINNs require substantially less amount of data than data-driven neural network approaches to achieve similar predictive capability. For example, in the study on PINNs for fluid dynamics [125], by exploiting several snapshots of the concentration field of passive scalars, PINNs are capable of predicting the velocity and pressure fields. To fulfill the same task in a data-driven approach without integrating fluid mechanics, one may need at least hundreds of paired snapshots of concentration, velocity, and pressure fields as training data. To facilitate the usage of PINNs in the research community, Lu et al. implemented various PINN algorithms in an open-source Python library called DeepXDE [131].

As for the applications in solid mechanics, PINNs have been successfully applied to both forward problems (i.e., solving boundary- and initial-value problems) and inverse problems (e.g., material characterization and defect detection). For example, Henkes et al. [132] employed PINNs to model micromechanics for linear elastic materials. Haghighat et al. [133] applied PINNs to build surrogate models for elastostatics and elastoplastic solids. Bastek and Kochmann [134] employed PINNs to model the small-strain response of shell structures. Zhang et al. [48,49] demonstrated that PINNs could effectively identify the inhomogeneous material and geometry distribution under plane-strain conditions. Though most of the current PINNs frameworks in solid mechanics were demonstrated using generated synthetic data as proofs of concept, these frameworks can be applied to experimental mechanics seamlessly where continuum mechanics theories apply.

2.10 Neural Operators.

Neural networks are not only universal approximators of continuous functions [135], but also nonlinear continuous operators [136]. Neural operators are neural network models that learn operators, which map functions to functions, such as differential operators, integral operators, and solution operators for parameterized PDEs. Learning operators is especially important in engineering and physics since many problems involve relationships between functions rather than between parameters. Within the scope of solid mechanics, examples of functions include displacement fields, stress fields, load distributions, stiffness distributions, crack propagation paths, and so on. The Karniadakis group proposed a neural operator architecture called deep operator network (DeepONet) [137]. DeepONet consists of two parts: a branch net to encode the discrete input function space and a trunk net to encode the domain of the output functions. Since then, some other neural operators have been developed [138,139]. For detailed explanations, adequate comparisons among these algorithms, and comparisons between neural operators and PINNs, the readers can refer to the original papers and recent reviews [137,140,141]. It is worth noting that while the original versions of these neural operators are data-driven, physical principles may also be incorporated in a similar way as PINNs, making the neural operators informed by physics in addition to data [142,143]. In the past few years, neural operators have been extensively applied to diverse engineering problems. In solid mechanics applications, neural operators have been successfully used for elastoplasticity [144], fracture mechanics [145], multiscale mechanics [43], and biomechanics [146148].

3 Applications of Machine Learning in Experimental Solid Mechanics

In this section, we will review recent advancements and applications of ML in experimental solid mechanics, covering a wide range of fields such as fracture mechanics, biomechanics, nano- and micromechanics, architected materials, and 2D materials. Table 1 provides an overview of some detailed applications in these fields, including relevant ML algorithms and representative references.

Table 1

Summary of ML applications in experimental solid mechanics

Areas of experimental mechanicsDetailed applicationsML algorithmsSelected references
Fracture mechanicsFracture toughnessNN, decision treesLiu et al. [149,150]
CNNJin et al. [70]
Cohesive parametersCNNJin et al. [70]
NNSu et al. [151], Ferdousi et al. [152]
PINN-based deep-green inversionWei et al. [153]
Crack/flaw detectionPINNsZhang et al. [49]
CNNNiu et al. [154,155]
Crack path predictionLSTMLew et al. [80,81]
DeepONetGoswami et al. [145]
Predict fracture instabilityGaussian process regressionsAthanasiou et al. [156]
BiomechanicsHuman motionNNKomaris et al. [157]
CNNEerdekens et al. [158]
Constitutive parametersResNet, CNNHolzapfel et al. [159]
NNLiu et al. [160]
PINNsYin et al. [130], Kamali et al. [161]
Surrogate constitutive modelThermodynamics-based NNMasi et al. [41]
Constitutive artificial NN (CANN)Linka et al. [42]
DeepONetZhang et al. [147], Goswami et al. [162]
Neural operatorYou et al. [148]
Cell manipulation and analysisCNNEspinosa and coworkers [76,77,163,164]
Micro-and nano-MechanicsNano-indentationNNMuliana et al. [165], Huber et al. [166,167]
MFNNLu et al. [46]
Bayesian methodZhang et al. [117,168], Fernandez-Zelaia et al. [169]
AFMdata-driven NNChandrashekar et al. [170]
Microstructure characterizationsCNN, U-NetHerriott et al. [171], Sepasdar et al. [172]
Random Forest statistical algorithmBulgarevich et al. [173]
cGANNi et al. [47], Yang et al. [103]
Architected materialsVerify computational designCNN, Auto-encoderAlderete et al. [174]
CNN, ResNetMa et al. [175]
Training data generationGANMao et al. [95], Hsu et al. [176]
GNNGuo et al. [89]
2D materialsMD force-field parameterizationMulti-objective optimization algorithmZhang et al. [177]
Fracture toughnessIntegrated experiment-simulation frameworkZhang et al. [178]
Areas of experimental mechanicsDetailed applicationsML algorithmsSelected references
Fracture mechanicsFracture toughnessNN, decision treesLiu et al. [149,150]
CNNJin et al. [70]
Cohesive parametersCNNJin et al. [70]
NNSu et al. [151], Ferdousi et al. [152]
PINN-based deep-green inversionWei et al. [153]
Crack/flaw detectionPINNsZhang et al. [49]
CNNNiu et al. [154,155]
Crack path predictionLSTMLew et al. [80,81]
DeepONetGoswami et al. [145]
Predict fracture instabilityGaussian process regressionsAthanasiou et al. [156]
BiomechanicsHuman motionNNKomaris et al. [157]
CNNEerdekens et al. [158]
Constitutive parametersResNet, CNNHolzapfel et al. [159]
NNLiu et al. [160]
PINNsYin et al. [130], Kamali et al. [161]
Surrogate constitutive modelThermodynamics-based NNMasi et al. [41]
Constitutive artificial NN (CANN)Linka et al. [42]
DeepONetZhang et al. [147], Goswami et al. [162]
Neural operatorYou et al. [148]
Cell manipulation and analysisCNNEspinosa and coworkers [76,77,163,164]
Micro-and nano-MechanicsNano-indentationNNMuliana et al. [165], Huber et al. [166,167]
MFNNLu et al. [46]
Bayesian methodZhang et al. [117,168], Fernandez-Zelaia et al. [169]
AFMdata-driven NNChandrashekar et al. [170]
Microstructure characterizationsCNN, U-NetHerriott et al. [171], Sepasdar et al. [172]
Random Forest statistical algorithmBulgarevich et al. [173]
cGANNi et al. [47], Yang et al. [103]
Architected materialsVerify computational designCNN, Auto-encoderAlderete et al. [174]
CNN, ResNetMa et al. [175]
Training data generationGANMao et al. [95], Hsu et al. [176]
GNNGuo et al. [89]
2D materialsMD force-field parameterizationMulti-objective optimization algorithmZhang et al. [177]
Fracture toughnessIntegrated experiment-simulation frameworkZhang et al. [178]

3.1 Machine Learning For Fracture Mechanics.

Since the landmark paper from Griffith in 1921 [179], the century-old discipline of fracture mechanics has been established in advancing a wide range of technological advancements, from airplane structural integrity to novel materials with microscale architectures to biomimicry of natural materials. From an experimental viewpoint, there are applications of material failure we summarize here. The first deals with quantifying material intrinsic fracture properties such as fracture toughness or cohesive laws that enable the transfer of knowledge obtained from laboratory tests to engineering applications, e.g., designing new devices, machines, and structures with unprecedented fracture resistance. The second addresses the identification of nonvisible crack-like defects by providing information such as their location and geometries from nondestructive evaluation data. This enables failure and reliability analysis, carried out to prevent catastrophic failure in service.

Interestingly, ML methods can estimate fracture toughness when it cannot be easily measured using traditional methods, e.g., fracture toughness testing, under quasi-static loading, based on the American Society for Testing and Materials standard. Readers specializing in this subject are referred to a dedicated previous review [180]. Typically, testing samples are machined into specific geometries and dimensions, and a load is applied to the sample to propagate a crack. Then, experimental data such as load, displacement, and crack-tip opening distance are recorded to obtain the fracture toughness based on analytical solutions. Recently, these methods have also been extended to measure the fracture toughness of soft materials like hydrogen [181,182]. However, such analytic solutions are not applicable when testing samples with more complex or irregular geometries and/or material nonlinearities. For example, Liu et al. [149] proposed two ML approaches, decision trees and NNs, to obtain the fracture toughness for microfabricated ceramic cantilevers. The ML models mapped geometry descriptors of cantilevers to their fracture toughness calculated from FEA. As shown in Fig. 2(ai), when the analytical solution is not accessible due to geometry and material complexity, an ML solution trained from representative and sufficient FEA datasets can overcome these weaknesses and provide accurate fracture toughness with a mean error of 1% (Fig. 2(aii)). Furthermore, with knowledge extraction and transfer techniques, the fracture toughness of samples with 3D complexity can be efficiently predicted from simpler 2D simulations [150].

Fig. 2
Applications of ML in characterizing fracture cohesive properties. (a) ML solutions can predict accurate fracture toughness comparable to simulations when an analytical solution is not available due to sample complexity: (i) ML framework for engineering problems; (ii) NNs-based prediction of fracture toughness (Reproduced with permission from Ref. [149]. Copyright 2020 by Elsevier). (b) A CNN-based DL algorithm can accurately determine dynamic fracture toughness and cohesive parameters under ultrahigh strain rate loading: (i) DL framework for cohesive parameter inversion from dynamic big-data-generating plate impact experiments; (ii) comparison between predicted cohesive parameters and ground-truth. (Reproduced with permission from Ref.[70]. Copyright 2022 by Elsevier).
Fig. 2
Applications of ML in characterizing fracture cohesive properties. (a) ML solutions can predict accurate fracture toughness comparable to simulations when an analytical solution is not available due to sample complexity: (i) ML framework for engineering problems; (ii) NNs-based prediction of fracture toughness (Reproduced with permission from Ref. [149]. Copyright 2020 by Elsevier). (b) A CNN-based DL algorithm can accurately determine dynamic fracture toughness and cohesive parameters under ultrahigh strain rate loading: (i) DL framework for cohesive parameter inversion from dynamic big-data-generating plate impact experiments; (ii) comparison between predicted cohesive parameters and ground-truth. (Reproduced with permission from Ref.[70]. Copyright 2022 by Elsevier).
Close modal

Beyond the prediction of fracture toughness, ML can be employed to inversely extract cohesive law parameters (assuming its validity) from experimental measurements consisting of load–displacement curves [151,152] or full-field measurements. As previously articulated, the prediction performance can be significantly improved by integrating physical governing laws like equilibrium equations into ML training. For example, Wei et al. [153] proposed a Green's function embedded neural network to extract mixed-mode cohesive zone properties using only far-field displacement data measured from experiments. This method integrates Green's functions as a physical constraint, hence, reducing the amount of training data and increasing the local model accuracy. Furthermore, ML frameworks were developed to model and characterize interfacial behaviors. For example, Liu [183] proposed a deep material network with cohesive layers, which enables accurate modeling of the material interface in heterogeneous materials. Wang and Sun [184] proposed a metamodeling method that employs deep reinforcement learning to model constitutive behaviors of interfaces.

Another important application of ML in fracture mechanics is the crack path prediction, given the crack propagation history. Knowing the crack path is helpful in preventing catastrophic material failure by toughening the material along the path. For example, LSTM-based ML models were trained based on atomistic modeling to predict the fracture patterns of crystalline solids [79] and 2D materials [80,81]. The LSTM model is capable of learning the spatial-temporal relations from an atomic resolution of fracture, hence, it is effective in predicting the crack path. In another application, Goswami et al. [145] developed a physics-informed variational formulation of DeepONet to predict the crack path in quasi-brittle materials by mapping the initial crack configuration to the damage and displacement fields. More recently, Worthington and Chew [185] applied NNs to predict the crack path of heterogenous materials by mapping the crack process zone information to the possible crack growth directions based on FEA training employing a micromechanics fracture model. It is also important to mention that current ML applications for crack path prediction are primarily trained and validated using computational datasets obtained from FEA or MD simulations. Thus, it remains uncertain how these methods would perform when applied to real experimental data. In the future, it is necessary to obtain high-fidelity crack propagation data from advanced diagnostic imaging techniques such as in situ computed tomography [186,187] or in situ electron microscopy experiments [188192]. This approach will enable researchers to validate and improve the current ML framework for crack path prediction.

When predicting dynamic fracture toughness under ultrahigh loading rates, the conventional experimental measurement of load–displacement is not accessible. To this end, Jin et al. [70] proposed an ML-assisted big-data-generating experimental framework that can accurately measure the dynamic fracture toughness and cohesive parameters of samples from plate impact experiments. As shown in Fig. 2(bi), a cohesive law identification experiment was developed using plate impact, a target polyurea sample containing a half-plane midcrack, and a novel spatial-temporal interferometer that generates fringes associated with the sample rear surface motion history. By employing a physics-based data-driven method, using FEA, a CNN was trained to correlate the fringe images with corresponding cohesive law parameters. After the CNN was well-trained, polyurea's dynamic fracture toughness and cohesive parameters were successfully identified from the experimental fringe image (Fig. 2(bii)). This big-data-generating experiment framework can be easily extended to other mechanics problems under extreme conditions, such as stress wave-induced phase transformations, shear localization, and others where conventional measurement methods are not applicable. Furthermore, uncertainty quantifying of dynamic fracture properties in inhomogeneous materials, e.g., composites, is crucial. Sharma et al. [193] developed an ML framework bridging limited experimental data from advanced experimental techniques and data-driven models like Monte Carlo simulation to quantify the uncertainty of the dynamic fracture toughness of glass-filled epoxy composites.

Beyond fracture properties identification, ML is also effective in predicting internal crack/flaw geometry and locations from experimental measurements. For example, Zhang et al. [49] applied PINNs to identify internal cracks in linear and nonlinear solids (Fig. 3(a)). As shown in Fig. 3(ai), the framework uses the external boundary conditions as “sensors” to inversely identify internal cracks in the presence of deformation. More importantly, the PINNs framework directly integrates the underlying physics, such as material compressibility and equilibrium equations, into the loss function (Fig. 3(aii)), hence, significantly reducing the amount of data required during training while achieving high prediction accuracy (Fig. 3(aiii)). Using this PINNs method, the cracks in nonlinear solids, e.g., exhibiting elastoplastic behaviors, can also be accurately identified [194]. Moreover, by employing a similar PINNs framework, other material properties like modulus distribution were inferred [48]. To predict material strength in solids with microcracks, Xu et al. [195] trained an ML framework that maps the crack distribution morphology to the strength calculated from micromechanics theory. This framework can effectively predict the strength of solids with randomly distributed microcracks. ML can also be used with nondestructive measurement methods to characterize internal cracks without the application of deformations. For example, Niu and Srivastava [154,155] used FEA-trained CNN to accurately identify internal cracks from ultrasonic measurements (Fig. 3(bi)). Impressively, the simulation-trained CNN can make predictions of crack shape and locations, based on experimental data, with a mean average percentage error of about 5% (Fig. 3(bii)). The accuracy of the prediction can be attributed to the fact that FEA can effectively simulate ultrasonic wave propagation processes. There is evidence that the method could potentially be extended to biomedical engineering applications, e.g., the identification of cancer tumors in soft breast tissue.

Fig. 3
Applications of ML in crack/flaw detection. (a) PINNs can identify internal voids/inclusions for linear and nonlinear solids: (i) general setup for geometric and material property identification; (ii) architectures of PINNs for continuum solid mechanics. (iii) inference of deformation patterns under different training epochs (Reproduced with permission from Ref. [49]. Copyright 2022, The authors, published by AAAS). (b) FEA simulation-trained CNN was used to determine crack locations and geometry in experiments: (i) proposed CNN architecture, (ii) CNN predicted crack property compared to ground-truth (Reproduced with permission from Ref. [154]. Copyright 2022 by Elsevier).
Fig. 3
Applications of ML in crack/flaw detection. (a) PINNs can identify internal voids/inclusions for linear and nonlinear solids: (i) general setup for geometric and material property identification; (ii) architectures of PINNs for continuum solid mechanics. (iii) inference of deformation patterns under different training epochs (Reproduced with permission from Ref. [49]. Copyright 2022, The authors, published by AAAS). (b) FEA simulation-trained CNN was used to determine crack locations and geometry in experiments: (i) proposed CNN architecture, (ii) CNN predicted crack property compared to ground-truth (Reproduced with permission from Ref. [154]. Copyright 2022 by Elsevier).
Close modal

3.2 Machine Learning For Biomechanics.

Biomechanics is an important research field addressing the mechanics of biological systems, including organs and tissues [196]. One important research topic in biomechanics is the understanding of human movement by analyzing motion data from sensors. Comprehensive and massive data have been collected over the past decades, including videos of human motion kinematics, force/displacement data from wearable devices like flexible electronics, and images obtained from computed tomography and magnetic resonance imaging. Understanding these data and developing applicable biomechanical models can guide the design of new devices and technologies to address body-related issues, e.g., predicting injury risk in sports and developing advanced medical devices. Recently, ML has been widely applied for data analysis from wearable sensors [197]. For example, Komaris et al. [157] successfully trained NNs based on a public dataset of 28 professional athletes to estimate the runner's kinetics. Eerdekens et al. [158] employed a CNN-based ML model trained from accelerometer data to understand equine activity. Recent reviews [198201] have extensively surveyed the application of ML in this area. Therefore, in this subsection, we focus on reviewing ML applications in experimental biomechanics for characterizing and modeling biological materials such as tissues. Another important ML application in biomechanics is cellular manipulation [202], the readers are referred to a recent review paper [163] for details.

Most biological tissues, such as blood vessels and brain matter, are soft materials. Their surface can easily form multimode instability, i.e., Ruga morphologies [203206], under external loading. For example, Jin et al. [204] performed FEA and experiments to systematically understand the surface instability and postbifurcation phenomenon of soft matter containing orifices, e.g., arteries, when subjected to external pressure. Furthermore, many of these materials are anisotropic, i.e., their mechanical responses are dependent on the loading direction. Therefore, characterization of these materials using well-planned experiments as well as identification of constitutive models are needed to understand and predict their mechanical behaviors. In turn, the information can be used in the investigation of disease and the design of artificial organs. Many historical models have been developed to characterize various biomaterials, such as the neo-Hookean model [207], Ogden model [208], Fung-type model for blood vessels [209], and Holzapfel–Gasser–Ogden (HGO) model [210] for anisotropic biomaterials. However, identifying these constitutive parameters from experimental data typically requires extensive nonlinear FEA and sophisticated optimization algorithms [211213]. ML can help infer material parameters from limited experimental data with multimodality, such as mechanical testing and microstructure data obtained from images. For example, Liu et al. [160] developed an ML framework to identify the HGO constitutive parameters of aortic walls based on synthetic microstructural data. Kakaletsis et al. [214] compared the parameter identification accuracy from an iterative optimization framework and a stand-alone NN for isotropic and anisotropic biomaterials. Results suggest that replacing FEA with Gaussian process regression or NN-based metamodels could accelerate the parameter prediction process while replacing the entire optimization process with a stand-alone NN yielded unsatisfactory predictions. Recently, Holzapfel et al. [159] developed a hybrid DL model based on a residual network (ResNet) and CNN to infer three unknown material parameters for a modified HGO model [215] (Fig. 4(ai)). This ML model maps second-harmonic generation microstructure images, representing the orientation and dispersion of collagen fibers, to their mechanical stress–strain data for a total of 27 artery samples. By employing this hybrid ML model, the coefficient of determination, R2, was 0.97, while conventional least square fitting gave R2=0.676 with a much larger standard deviation (Fig. 4(aii)). The exceptional high-accuracy prediction achieved from a limited biomechanics dataset can be attributed to two factors. First, the multimodal nature of the dataset allows for the inference of material parameters beyond the conventional stress–strain data. Second, a priori knowledge of theoretical constitutive laws also contributes to reducing the necessary dataset size. As the authors suggested, expanding the experimental datasets and incorporating biaxial extension experiments are required to validate these results. This research could have a transformative impact on soft tissue constitutive modeling, i.e., modeling soft tissues using prior physics laws and limited but multimodal experimental datasets.

Fig. 4
Applications of ML in constitutive parameter inversion for biomaterials. (a) A hybrid DL framework to identify unknown material parameters of arteries with high coefficient of determination: (i) hybrid model architecture; (ii) predicted stress–stretch curves from standard fitting method compared to the proposed hybrid model. (Reproduced with permission from Ref. [159]. Copyright 2021, The authors, published by the Royal Society). (b) Noninvasive inference of thrombus material parameters using PINNs: (i) schematic of PINNs for solving inverse problem; (ii) prediction and ground-truth of 2D flow around a thrombus; (iii) comparison of the inferred permeability of 2D flow with the ground-truth. (Reproduced with permission from Ref. [130]. Copyright 2021 by Elsevier).
Fig. 4
Applications of ML in constitutive parameter inversion for biomaterials. (a) A hybrid DL framework to identify unknown material parameters of arteries with high coefficient of determination: (i) hybrid model architecture; (ii) predicted stress–stretch curves from standard fitting method compared to the proposed hybrid model. (Reproduced with permission from Ref. [159]. Copyright 2021, The authors, published by the Royal Society). (b) Noninvasive inference of thrombus material parameters using PINNs: (i) schematic of PINNs for solving inverse problem; (ii) prediction and ground-truth of 2D flow around a thrombus; (iii) comparison of the inferred permeability of 2D flow with the ground-truth. (Reproduced with permission from Ref. [130]. Copyright 2021 by Elsevier).
Close modal

Recent advances in PINNs provide a promising alternative in constitutive parameter identification for biomaterials by encoding the underlying physics. As shown in Fig. 4(bi), Yin et al. [130] employed PINNs to infer the permeability and viscoelastic modulus of the thrombus. The interaction between thrombus and blood flow can be described by sets of PDEs like Cahn–Hilliard and Navier–Stokes equations. The parameters can be accurately identified by encoding these governing physics during the PINNs training (Figs. 4(bii) and 4(biii)). Their results also demonstrated that PINNs could infer material properties from noisy data exhibiting complexity. Recently, Kamali et al. [161] implemented PINNs to accurately identify Young's modulus and Poisson's ratio for heterogeneous materials like brain matter. This method has potential clinical applications, e.g., noninvasive elastography.

Recently, a data-driven computation framework for constitutive modeling was proposed by Ortiz and coworkers [216219]. In this framework, a data-driven solver directly learns the mechanical responses of materials from experimental data, which eliminates the need for complex empirical constitutive modeling. In this approach, NNs can be employed to build surrogate models of biomaterials for constitutive modeling [220,221]. For example, Linka et al. [42] developed a constitutive artificial NN to learn the constitutive models for hyperelastic materials directly from given stress–strain data. Masi et al. [41] introduced a thermodynamics-based NN for constitutive modeling by coupling thermodynamics laws as constraints during training. Li and Chen [222] developed an equilibrium-based CNN to extract local stress distribution based on DIC strain measurements performed in hyperelastic materials. Wang et al. [223] developed an ML algorithm based on singular value decomposition and a Gaussian process to build metamodels of constitutive laws for time-dependent and nonlinear materials. This metamodeling method can be used to determine sets of material parameters that are best fit for experimental data. In another investigation, Liu et al. [224] developed a physics-informed neural network material model to characterize soft biological tissues. Their model consists of a hierarchical learning strategy by first learning general characteristics for a class of materials and then determining parameters for each individual case.

Neural operators can also be employed to build data-driven surrogate models for constitutive modeling of biomaterials due to their advantage of generalizability and prediction efficiency for different inputs. For example, as shown in Fig. 5(ai), Zhang et al. [147] developed a DeepONet-based model, genotype-to-biomechanical phenotype neural network (G2Φnet), to characterize mechanical properties of soft tissues and classify their associated genotypes from sparse and noisy experimental data. With a two-step training process consisting of a learning stage and an inference stage with an ensemble, G2Φnet could effectively learn the constitutive models from biaxial testing data for 28 mice with four different genotypes with an L2 error of less than 5% (Fig. 5(aii)). Interestingly, it could also identify the correct genotype. This DL framework has important implications in biomechanics and related clinical applications, which is learning relationships between genotype and constitutive behaviors in biological materials from limited experimental data. Yin et al. [146] employed DeepONet to build a data-driven surrogate model that could predict the damage progression of heterogeneous aortic walls. Goswami et al. [162] developed a DeepONet-based surrogate model to identify pathological insults that could lead to thoracic aortic aneurysms from a synthetic FEA database. More recently, You et al. [148] employed a Fourier neural operator-based method to model mechanical responses of soft tissues under different loading conditions directly from experimental data (Fig. 5(bi)). The proposed physics-guided implicit Fourier neural operator architecture is shown in Fig. 5(bii). This method learned the material deformation model from DIC measurements and could predict the displacement field under unseen loading conditions with errors smaller than those ascertained in conventional constitutive models for soft tissues (Fig. 5(biii)).

Fig. 5
Applications of neural operator in constitutive modeling of biomaterials. (a) A DeepONet-based DL framework to infer biomechanical response and associated genotype of tissues: (i) the DL framework; (ii) reconstructed stress–stretch relationships compared with their true values (Reproduced with permission from Ref. [147]. Copyright 2022, The authors, published by PLOS). (b) A neural operator model to construct the mechanical response of biological tissues from displacement data measured from DIC: (i) the biaxial experimental setup; (ii) the architecture of the physics-guided Fourier neural operator; (iii) error comparisons of proposed Fourier neural operator method and other mechanics models (Reproduced with permission from Ref. [148]. Copyright 2022 by ASME).
Fig. 5
Applications of neural operator in constitutive modeling of biomaterials. (a) A DeepONet-based DL framework to infer biomechanical response and associated genotype of tissues: (i) the DL framework; (ii) reconstructed stress–stretch relationships compared with their true values (Reproduced with permission from Ref. [147]. Copyright 2022, The authors, published by PLOS). (b) A neural operator model to construct the mechanical response of biological tissues from displacement data measured from DIC: (i) the biaxial experimental setup; (ii) the architecture of the physics-guided Fourier neural operator; (iii) error comparisons of proposed Fourier neural operator method and other mechanics models (Reproduced with permission from Ref. [148]. Copyright 2022 by ASME).
Close modal

3.3 Machine Learning For Micro- and Nano-Mechanics.

The emerging development of nanotechnology and biotechnology in recent decades continuously requires a new understanding of micro- and nanoscale material behaviors. For example, much research has been conducted on understanding the mechanical properties of nano-and micropillars [225227], thin films [228233], nanostructured metals [27,226,234237], submicron-sized sensors [238], crystalline nanowires [188,239241], 2D materials [178,242246], origami [247], nanolattice metamaterials [248250], and copolymers with nanoscale features [70,251253]. Conducting precise experiments to characterize these materials with small-scale features is essential to understand their properties and underlining mechanisms and developing constitutive models. There are two major steps in this process. First, experimental measurements are taken from instrumentations with nanometer resolution. Advanced microscopes, including scanning electron microscope (SEM), transmission electron microscope (TEM), and atomic force microscope (AFM), have been developed to capture images with nanometer resolution. Furthermore, nanomechanical instruments, like nano-indenters and MEMS, have been developed for nanomechanical characterization. Next, the properties of interest can be extracted from measurements via inverse algorithms. However, compared to macroscale samples, the interpretation between measurable data and material properties is not straightforward because the samples contain nanoscale features due to local inhomogeneity [254,255], size effect [231,256], or chemomechanical coupling [257]. For example, in instrumented indentation [258,259], identifying the material properties from measured load and indentation depth data is nontrivial and sometimes may not guarantee unique solutions when the material constitutive law is elastoplastic [260,261] or the indentation tip has a conical shape [262]. Therefore, there is a critical demand to identify material properties and quantify their uncertainty using nanomechanical experiments. Due to the popularity and accessibility of nanoindentation data, ML has been widely applied to such data. Hence, in this section, we review two methods used in interpreting nanoindentation data: the NN approach and the Bayesian-based statistical approach. We note that the methods are also applicable to other nanomechanical experiments, such as the membrane deflection experiments [263] and in situ, microscopy testing using MEMS technology [11], which provides direct measurement of stresses and strains. Finally, ML applications to other nano-and micromechanics features, e.g., microstructure characterization, will be briefly reviewed.

For using the NNs method to identify material properties in nanoindentation, most of the training is based on FEA due to its flexibility and efficiency. Indentation, a well-defined contact mechanics problem, can be accurately simulated in either commercial FEA software or in-house codes [264,265]. In 2002, Muliana et al. [165] trained a neural network with hidden layers based on 2D and 3D FEA simulations to map nonlinear material properties from simulated load–displacement curves. They found that the trained NN can accurately predict the load–displacement curves of materials with properties not included in the training dataset. This work demonstrated the potential of using NNs to inversely obtain unknown material properties from experimental data. Huber et al. [166,167] used FEA-trained NNs to identify the Poisson's ratio of materials exhibiting plasticity with isotropic hardening, something not easily obtained before. Since then, FEA-trained NNs have been widely applied as an inverse algorithm to identify material properties from nanoindentation [266275]. However, in practice, these FEA-trained NNs could be cumbersome since they require a substantial amount of FEA training data to survey combinations of material properties within specific ranges. Such a training process is generally computationally expansive, especially when the unknown parameter space is large. Furthermore, the trained NNs usually have poor extrapolation performance, i.e., when material properties are outside the range used in the training dataset. Another issue in this approach is the lack of uncertainty quantification when identifying properties from datasets based on FEA. To overcome these challenges, Lu et al. [46] utilized a multifidelity NN (MFNN) [276], which trained low-fidelity FEA datasets together with a few high-fidelity experimental datasets together (Fig. 6(ai)). As shown in Figs. 6(aii) and 6(aiii), the MFNN can efficiently learn the correlations between these two datasets with different fidelities, hence significantly increasing the identification performance while reducing the size of FEA training datasets. The MFNN performance can be further improved by employing transfer learning when additional experimental data are obtained.

Fig. 6
Applications of ML in nano-indentation. (a) DL methods including single-fidelity NNs, multifidelity NNs, and residual multifidelity NNs to identify material parameters from instrumented indentation: (i) architectures of these NNs; (ii) Mean absolute percentage error as a function of training dataset size for multifidelity NNs; (iii) identification of hardening exponent for two aluminum alloys from 2D, 3D FEA simulations and three experimental data points (Reproduced with permission from Ref. [46]. Copyright 2020, The authors, published by PNAS). (b) A Bayesian-type statistical approach to identify material parameters and their uncertainty from conical indentation: (i) schematics of indentation configuration with conical tips; (ii) force-indentation depth curves and surface profiles for three different materials; (iii) posterior probability distribution of parameters with and without noisy data (Reproduced with permission from Ref. [117]. Copyright 2019 by ASME).
Fig. 6
Applications of ML in nano-indentation. (a) DL methods including single-fidelity NNs, multifidelity NNs, and residual multifidelity NNs to identify material parameters from instrumented indentation: (i) architectures of these NNs; (ii) Mean absolute percentage error as a function of training dataset size for multifidelity NNs; (iii) identification of hardening exponent for two aluminum alloys from 2D, 3D FEA simulations and three experimental data points (Reproduced with permission from Ref. [46]. Copyright 2020, The authors, published by PNAS). (b) A Bayesian-type statistical approach to identify material parameters and their uncertainty from conical indentation: (i) schematics of indentation configuration with conical tips; (ii) force-indentation depth curves and surface profiles for three different materials; (iii) posterior probability distribution of parameters with and without noisy data (Reproduced with permission from Ref. [117]. Copyright 2019 by ASME).
Close modal

The NN method can identify unknown material parameters from indentation data as explained above. However, this method could not systematically quantify the uncertainty of identified parameters, i.e., yielding the likelihood that other possible parameter sets also minimize the cost function. The Bayesian method, which was derived based on Bayes' theorem [277], can be employed to quantify uncertainty in nanoindentation since it can provide a posterior probability for each set of parameters. For example, Fernandez-Zelaia et al. [169] utilized the Bayesian framework to identify unknown material parameters from an FEA-trained Gaussian process surrogate model using spherical indentation experiments. The Bayesian framework has also been employed to identify unknown properties from the spherical indentation of single crystal [278], plastic solids with exponential hardening laws [279], and plastically compressible solids with Deshpande–Fleck constitutive laws [168]. For the case of conical indentation, which is similar to experiments using a Berkovich indenter, the indentation force versus indentation depth (P-h) data sometimes could not yield unique sets of unknown parameters. To solve this issue, as shown in Fig. 6(bi), Zhang et al. [117,280] employed a Bayesian framework to extract plastic properties and quantify the uncertainty from both P-h curves and surface profile datasets obtained from FE simulations (Fig. 6(bii)). Furthermore, as shown in Fig. 6(biii), the posterior probability for possible material parameters could be calculated from both noise-free and noise-contaminated datasets. Later, Zhang and Needleman [281] applied the Bayesian framework to infer power-law creep constitutive parameters considering both the time-dependent indentation depth data and the residual surface profile. Though this framework was developed based on synthetic data from simulations, the parametric identification from the Bayesian approach offers valuable insights into uncertainty quantification resulting from nanoindentation experiments performed on materials with complex constitutive behaviors.

To understand the mechanical properties of soft materials such as biological tissues [282] and cells [163], one can conduct nanoindentation tests using AFM signatures based on high-resolution force detection and cantilever tip position obtained from a four-quadrant position-sensitive photodiode [283,284]. For example, Rajabifar et al. [285] trained a multilayer NN to predict surface viscoelastic and adhesive properties of samples based on load–displacement curves obtained from AFM tapping mode. They generated the training data from a rigorous contact mechanics model, known as the enhanced Attard's model [286]. Here also, ML can be employed to extract the nanoscale force without complex modeling. For example, Chandrashekar et al. [170] used a data-driven ML algorithm to capture the tip-sample force in dynamic AFM. The algorithm was also used to successfully identify the interaction forces for two-component polymer blends. Furthermore, the material parameter identification from AFM indentation data inherently involves uncertainty, which depends on the choice of contact mechanics model. To mitigate this uncertainty in modulus identification, Nguyen and Liu [287] employed five conventional supervised ML techniques (decision trees, K-nearest neighbors, linear discriminant analysis, Naïve Bayes, and support vector machines) to classify AFM indentation curves for different materials into appropriate contact mechanics models. By choosing the appropriate contact mechanics model, the uncertainty of modulus identification can be potentially reduced.

Another important ML application for nano-and micromechanics is microstructure characterizations [69,288291]. Since the rapid advances of high-resolution imaging techniques, ML algorithms like CNNs have been increasingly applied to microstructure characterizations. For example, ML can be employed in microstructural image segmentation to identify individual grains or phases [292295]. Additionally, ML can be applied to detect defects such as cracks based on microstructural images [173] as well as predict unknown material properties like yield strength [171] based on microstructure features such as grain size, orientation, and crystallographic features. Furthermore, ML can be applied to analyze evolving microstructure images to analyze time-dependent material behaviors during fracture [296,297], recrystallization [298], phase transformations [299], and cell morphology [76,77,163,164]. These ML applications in microstructure characterizations could enable rapid and accurate analysis of complex material microstructures, leading to developing of next-generation materials with desired properties.

3.4 Machine Learning For Architected Materials.

Recently, the concept of materials by design has enabled us to design multifunctional materials with unprecedented properties. Such progress can be attributed to the rapid development of computational tools for structural design and experimental techniques for the synthesis and characterization of materials [21,300]. Among these novel materials, architected metamaterials, which combine the properties of material constitutes and architectural design, have demonstrated their superior mechanical properties like ultrahigh specific strength [301], excellent recoverability [250,302], and impact resilience [303]. Along this line, ML is becoming an important tool to systematically design these novel architected metamaterials with desired properties and functionality beyond laboratory trial-and-error [45,304311]. Comprehensive review papers have been published in recent years that reviewed and discussed the methodology and applications of ML in architected material design [33,38,312,313]. Herein, in this subsection, we will focus on reviewing recent advances in experimental efforts in ML-enabled design of architected materials.

One significant aspect of experimental mechanics in architected materials is to verify the predicted power of computational methods used in the inverse design. Given the formidable challenges associated with cost and speed for the acquisition of large-scale experimental data sets, most of the current ML frameworks in material discovery were trained based on big datasets from reliable physically based computer simulations. Therefore, careful verifications from experiments are necessary to assess the ML framework's performance in producing real structures/materials with desired properties. For example, as shown in Fig. 7(a), Alderete and Pathak et al. [174] have proposed an ML framework that combines the K-mean clustering methods for design space reduction and a tandem NN architecture to inversely design shape-programable 3D Kirigami metamaterials. The tandem NN architecture was employed to circumvent the nonuniqueness issue during the inverse design process (Fig. 7(b)). The framework was trained on finite element predictions of instabilities triggering 3D out-of-plane shapes and then validated by full-field experimental measurements using the shadow Moiré method [314] (Fig. 7(c)). A very good agreement between ML-designed cuts and predicted out-of-plane deformation and experiments was found under mechanical actuation (stretching). Moreover, using symbolic regression, the authors could predict the onset of actuation and needed stretching to achieve specific 3D shapes. These programable 3D kirigami metamaterials can be used in various engineering applications over a large range of size scales, from microscale particle trapping to macroscale solar tracking.

Fig. 7
Applications of ML in designing shape-programmable kirigami metamaterials. (a) The ML framework to inverse design kirigami metamaterials. (b) Schematics of the tandem network employed for inverse design. (c) Experimental verification of inverse design from shadow Moiré method (Reproduced with permission from Ref. [174]. Copyright 2022, The authors, published by Springer Nature).
Fig. 7
Applications of ML in designing shape-programmable kirigami metamaterials. (a) The ML framework to inverse design kirigami metamaterials. (b) Schematics of the tandem network employed for inverse design. (c) Experimental verification of inverse design from shadow Moiré method (Reproduced with permission from Ref. [174]. Copyright 2022, The authors, published by Springer Nature).
Close modal

Likewise, ML can also assist in the inverse design of complex functional soft materials. For example, as shown in Fig. 8(a), Ma et al. [175] developed a ResNet-based model trained with FEA to inversely design tunable magnetomechanical metamaterials. The ResNet model was chosen due to its capability to preserve information between shallow and deeper layers (Fig. 8(b)) [315]. The predicted structures were printed and actuated in the magnetic field and found to be in good agreement with ML predictions (Fig. 8(c)). Moreover, GANs can also be employed to design architected structures without prior experience. For example, Mao et al. [95] used GANs to systematically design complex architected materials and found that some structures can reach Hashin–Shtrikman upper bounds. Experimental verification was also conducted by the authors to show the robustness of the framework. Furthermore, due to the stochastic deformation modes of metamaterials like buckling under compression, uncertainty quantification is necessary to design reliable structures. For example, Bessa et al. [316] demonstrated that a data-driven Bayesian ML framework could enable the design of super compressible metamaterials (Fig. 9(a)). Experiments on multiscale 3D printed structures (both macroscale and microscale) have also demonstrated the super compressibility predicted by simulations (Figs. 9(b) and 9(c)).

Fig. 8
(a) Applications of ML in the inverse design of magneto-activate mechanical metamaterials. (b) The deep residual network (ResNet) architecture. (c) Comparisons between FEA and experiments (Reproduced with permission from Ref. [175]. Copyright 2022 by ACS).
Fig. 8
(a) Applications of ML in the inverse design of magneto-activate mechanical metamaterials. (b) The deep residual network (ResNet) architecture. (c) Comparisons between FEA and experiments (Reproduced with permission from Ref. [175]. Copyright 2022 by ACS).
Close modal
Fig. 9
(a) Data-driven Bayesian ML framework for supercompressible metamaterials design. (b)Experimental validation for designed structure from fused filament fabrication using polylactic acid. (c) Experimental validation for designed structure with microscale size from two-photon lithography. The scale bar in (c) is 50 μm. (Reproduced with permission from Ref. [316]. Copyright 2019, The Authors, published by WILEY).
Fig. 9
(a) Data-driven Bayesian ML framework for supercompressible metamaterials design. (b)Experimental validation for designed structure from fused filament fabrication using polylactic acid. (c) Experimental validation for designed structure with microscale size from two-photon lithography. The scale bar in (c) is 50 μm. (Reproduced with permission from Ref. [316]. Copyright 2019, The Authors, published by WILEY).
Close modal

Another important feature in this field is the ability to conduct high-throughput experiments to generate high-fidelity data needed for ML training. Until now, most of the ML algorithms applied to the inverse design of architected metamaterials have been trained using computer simulations. However, such a computer data-driven approach assumes the model is accurate and readily obtainable. This may not be the case in more complex behaviors arising from material nonlinearities and rate dependencies for which accurate constitutive descriptions do not exist. A solution would be to run autonomous experiments based on a large number of additively manufactured structures/samples to obtain valuable representative data such as stress–strain curves or deformation patterns [317319]. As such, there is a need to develop new ML frameworks for the inverse design of novel metamaterials directly from large and noisy experimental datasets. For example, Lew and Buehler [320] trained an ML framework called DeepBuckle that combines the variational autoencoder model and LSTM model to quantitatively learn buckling behaviors of polymer beams from simple and limited mechanical testing on 3D printed structures.

3.5 Machine Learning For Two-Dimensional Materials Fracture Toughness Characterization.

In the past decades, significant progress has been made in the synthesis of 2D materials such as graphene, hexagonal boron nitride (h-BN), and transition metal dichalcogenides (TMDs), e.g., molybdenum disulfide (MoS2), including fabrication, chemical functionalization, transfer, and device assembly [321323]. Therefore, quantifying their mechanical properties, like fracture toughness, is crucial to ensure the durability and reliability of these 2D material devices. Ni et al. thoroughly reviewed the recent experimental, theoretical, and computational progress on quantifying 2D materials' fracture properties [324]. In addition, progress on ML prediction of 2D material fracture, including fracture pattern characterization, was previously discussed. Here, in this subsection, we will focus on reviewing the most recent experimental mechanics efforts from the Espinosa group to quantify fracture toughness via in situ high-resolution transmission electron microscopy experiments. Likewise, we will review ML-based parametrization of interatomic potentials for 2D materials and discuss the integrated experimental-computational framework advanced by the Espinosa group, not only to understand fracture (Fig. 10(a)). Such ML and atomistic experimentation frameworks are essential in advancing the predictive power of atomistic models employed in the exploration of families of 2D materials (e.g., TMDs and MXenes) in the spirit of the materials genome initiative.

Fig. 10
Applications of ML in fracture toughness characterization of 2D materials. (a) An integrated experiment-simulation framework to quantitively measure intrinsic fracture toughness of 2D materials. (b) In-situ HRTEM experiments of MoSe2 compared with MD simulations (Reproduced with permission from Ref. [178]. Copyright 2022 by National Academy of Sciences). (c) Schematic of ML-based interatomic potential parametrization approach consisting of three steps: training, screening, and evaluation (Reproduced with permission from Ref. [177]. Copyright 2021, The authors, published by Springer Nature).
Fig. 10
Applications of ML in fracture toughness characterization of 2D materials. (a) An integrated experiment-simulation framework to quantitively measure intrinsic fracture toughness of 2D materials. (b) In-situ HRTEM experiments of MoSe2 compared with MD simulations (Reproduced with permission from Ref. [178]. Copyright 2022 by National Academy of Sciences). (c) Schematic of ML-based interatomic potential parametrization approach consisting of three steps: training, screening, and evaluation (Reproduced with permission from Ref. [177]. Copyright 2021, The authors, published by Springer Nature).
Close modal

The fracture toughness of monolayer graphene [325] and h-BN [245] have been measured using in situ SEM and TEM experiments. It was found that both materials obey Griffith's brittle fracture criterion [179]. Assisted by molecular dynamics simulations, researchers attributed their high toughness to different intrinsic toughening mechanisms like pre-existing grain boundaries for graphene and structural-asymmetry-induced crack branching and deflection for h-BN. However, the direct observations of atomistic information like internal defects and lattice deformation are absent due to the resolution limits of the previous experiments. To overcome these challenges, in our group, Zhang et al. [178] performed in situ high-resolution transmission electron microscopy (HRTEM) fracture experiments to investigate the fracture toughness of two TMDs, MoS2, and MoSe2 (Fig. 10(b)). The J-integral was computed from experimental stress–strain fields obtained from an affine transformation (deformation gradient) using HRTEM images of atomic structures surrounding the crack tip. The experimental measurements revealed a nonlinear region near the crack tip, where bond dissociation occurs, and confirmed brittle fracture and the applicability of Griffith's fracture criterion.

To verify the experimental observations, Zhang et al. also performed MD simulations with a newly developed ML-based parametrization framework [177]. Force-field accuracy in MD simulations plays a crucial role in studying large atomic deformation as they occur near the crack tip. Although several successful parametrizations have been developed for various 2D materials [326328], a force field that can accurately predict phase transition and fracture toughness of 2D materials was not reported. While ML has immense potential for force-field parameterization directly from large datasets based on first principal calculation like density functional theory (DFT) [329,330], a suitable methodology that can incorporate atomic configurations far from equilibrium, essential to the prediction of fracture, is not common. Zhang et al. [177] proposed a parametrization framework trained from DFT datasets and an evolutionary multi-objective optimization algorithm (Fig. 10(c)). This parametrization was performed iteratively and consisted of three essential steps: training, screening, and evaluation. The force field was trained to capture both near-equilibrium properties like cohesive energy and nonequilibrium properties such as bond dissociation energy landscapes and vacancy formation energies. Therefore, the parametrized potential can accurately capture bond breakage during fracture. MD simulations with this potential gave similar fracture toughness as those obtained from experimental measurements. We anticipate that by integrating in situ experiments with atomistic resolution and MD simulations with force-field parametrized based on physical ML training, the fracture behaviors of other 2D materials beyond the TMDs family as well as other functional crystals can be identified. Moreover, MD simulations with ML parameterized force fields should accurately predict the effect of defects such as random vacancies, line vacancies, and grain boundaries, enabling the exploration of other constituents as well as thermomechanical properties.

4 Discussion

4.1 Selection of an Appropriate Machine Learning Model for a Specific Experimental Mechanics Application.

Selecting an appropriate ML model for a given task in experimental mechanics can be challenging since the broad range of ML algorithms and the complexity of experimental data. Here, we provide some practical guidelines on ML model selection based on the type and amount of available data, as well as the underlying physics of the problem. Before searching for a specific ML model, researchers and practitioners should ask themselves a crucial question: is ML necessary for the problem at hand? It is important to avoid the unnecessary use of ML when conventional methods and techniques are sufficient. For instance, using ML for constitutive parameter fitting for simple models like neo-Hookean solids from stress–strain data is not necessary. In such a case, nonlinear regression is preferred instead.

Next, it is important to properly define the types of problems that the user wishes to tackle. Are we using ML for an inverse problem like predicting unknown material parameters from experimental data? Or is it an optimization problem like the optimal design of architected materials subject to specific constraints? Having these questions and others answered before searching for suitable ML algorithms is important. Furthermore, one should be aware of the quantity and quality of available information before choosing an appropriate ML model. What forms of experimental data are available (e.g., stress–strain curves, images, full-field displacement)? What is the precision of these data? Is there any prior knowledge or simulation tool that may enrich the data? When a large amount of experimental data can be collected, a complex ML model like NNs can be applied. On the other hand, when there is data scarcity due to experimental constraints, the user may opt for employing PINNs or Gaussian Processes to embed additional physics and quantify uncertainty.

When experimental data is not adequate, possible data augmentation techniques can be employed. One common approach is to interpolate among the original datasets. For image-based data, methods such as rotation, flipping, or noise injection can be employed [331]. It is crucial to exercise caution when applying these data augmentation methods, ensuring the key characteristics of the original data are maintained while increasing its quantity. Furthermore, if experiments are well-defined and can be simulated efficiently using some computational tools like FEA, MD, and DFT, we can generate synthetic data from these simulations. However, it is crucial to thoroughly examine and understand the differences and biases present in both computational and experimental datasets. We should ensure that the computational data accurately captures the experimental data's key features. During training, it is important to monitor the model's performance on both datasets during training to identify any overfitting to the synthetic data. Understanding the differences between the fidelity of computational and experimental data is another important aspect, which will be discussed in the subsequent subsection.

The selection of an appropriate ML algorithm is also based on the experimental data type. If the data consists of images or video-based datasets, CNNs could be the most efficient. If the problem involves time-dependent data, RNNs and transformers could be a better choice. When the problem can be framed in terms of physical laws, PINNs should be employed. Given the speed at which the field is evolving, literature searches should be performed to identify the most suitable ML models for the problem at hand. Once the ML algorithms have been selected, the user can start to build an ML pipeline using open-source ML platforms such as tensorflow [332], pytorch [333], or jax [334]. Iterative refinement of the ML model by hyperparameter-tuning based on testing and validation datasets is necessary to reach the desired accuracy. However, it is worth noting that over-tuning hyperparameters can potentially result in overfitting. To address this issue, we can employ robust hyperparameter optimization methods such as k-fold cross-validation [335]. In k-fold cross-validation, the original dataset is split into k equal folds. During each iteration, one-fold is used as the validation set, while the other k1 folds are used for training. After completing all iterations, we can compute the average performance metric, such as mean squared error, from all k validation sets. This method can efficiently reduce the risk of overfitting since it trains and evaluates the model on different subsets of the data. Furthermore, it is important to keep in mind that there may be more than one possible choice of ML model for a specific experimental mechanics problem. Therefore, it is practical to carefully evaluate the prediction accuracy and efficiency of each model and select the model that is the best fit for a specific application.

4.2 Integrating Multimodality and Multi-Fidelity Experimental Data Into Machine Learning Methods.

Conducting mechanical experiments, particularly those utilizing cutting-edge facilities and techniques for extremely large/small time and length scales, can be both costly and time-consuming. In many cases, researchers need to combine different experimental methodsto gain a better understanding of mechanics problems. Furthermore, computer simulations may be employed to provide additional insight into the experiments. As a result, one may obtain experimental data with multimodality and/or multifidelity. Multimodal data refers to the data on an object comprising different forms and patterns, hence providing information from different channels (e.g., language data in the forms of text and speech, data on the mechanical test sample in the forms of images, and stress–strain curves). Multifidelity data refers to the measurement data with different levels of accuracy (e.g., high/low-resolution images of a test sample; stress–strain curves measured with load cells of different accuracies; data from real experiments and from computer simulations). Typically, high-fidelity data are expensive and hence limited, while low-fidelity data are cheap and plentiful.

To maximize the available information injected into learning algorithms, it is important to propose ML models that are capable of handling data with multimodality [336] and multifidelity [276]. There have been some studies in applying such ML models to mechanics problems. For example, Holzapfel et al. [159] developed an ML method that combines microstructural information and biomechanical tests. Trask et al. [337] proposed a framework that is capable of conducting multimodal inference for lattice metamaterials, relating their lattice design, stress–strain curves, and microstructural images. Lu et al. [46] designed a multifidelity neural network for characterizing the mechanical properties of materials in instrumented indentation. While these studies, among others, have explored multimodality and multifidelity ML methods for solid mechanics problems, further investigation is still needed to better integrate data with multimodality and multifidelity from experiments and/or simulations to provide a deeper understanding of the mechanics of materials and structures.

4.3 Estimating and Reducing the Uncertainty of Machine Learning Predictions.

Most ML applications in experimental solid mechanics provide a point estimation—that is, a single value as the best estimate. To further acquire information regarding the reliability and confidence of such an estimation, one sometimes needs to quantify and/or reduce the uncertainty of the ML predictions. In the context of experimental solid mechanics, there are diverse sources of uncertainties coming from data and models related to almost every component in the research workflow, including (1) experimental implementation, such as the uncertainty of material properties caused by the manufacturing of specimens, inaccurate enforcement of the experimental setup (e.g., boundaries that are not perfectly clamped, approximate fulfillment of plane strain/stress condition), representativeness and noisiness of data; (2) theoretical modeling, such as the misspecification/oversimplification of constitutive models, ignoring dynamic effects, ignoring length scale effects, typical in micro- and nanomechanics, as well as continuum assumptions, neglecting material and/or geometric nonlinearity, and stochasticity; (3) numerical modeling, such as finite element discretization, inaccurate force fields in molecular dynamics simulation. On top of these three aspects of uncertainty, ML methods (especially NN-based methods) introduce a few additional sources of uncertainty, including the choices of model architecture and hyperparameters, stochasticity in the training process, and transferability of the trained model, making the accurate quantification of total uncertainty a complex and time-consuming endeavor.

Uncertainty quantification (UQ) is a discipline of science focusing on identifying, quantifying, and reducing uncertainties associated with models, numerical algorithms, experiments, and predicted outcomes or quantities of interest [338]. It is a broad area that has been studied extensively and is not exclusively applicable to machine learning methods. For detailed UQ methods and their applications in ML, readers are referred to related textbooks and review papers [339341]. Here, we briefly review a few UQ methods that are extensively applied to estimating and reducing uncertainty in the context of ML applications in experimental solid mechanics. To quantify the uncertainty of mechanics systems, one of the most widely adopted classes of methods is the Bayesian procedure. Built upon the well-established, century-old Bayes' theorem [277], the Bayesian procedure seeks to infer the posterior distribution of variables based on prior knowledge and measured data. Specific examples of methods involving the Bayesian approach include the use of Gaussian process regression for modeling the nonlinear behavior of solids [342], the creep behavior of concrete [343], and metamaterial design [316], as well as NNs for crystal plasticity [344] and multiscale modeling of nanocomposite [345]. These studies, by employing the Bayesian procedure, provide a distribution of the quantities of interest rather than a single output. Another prevalent technique is the ensemble method, which combines a group of base (weak) models, which differ by the algorithm, hyperparameter, training data, and/or random seeds, to provide more accurate, more robust predictions. They may be applied to machine learning models such as decision trees (random forests), support vector machines, and neural networks. Through this method, one may estimate the uncertainty of the prediction according to the spread among base models as well as reducing the uncertainty by combining these models into an ensemble for enhanced predictive capability.

After training a machine learning model, one often needs to validate it by testing the performance of the model on unseen data. Aside from the simplest way of the train-test split of the dataset, techniques including k-fold cross-validation, leave-one-out cross-validation, and bootstrapping are often employed. These techniques help to better assess the performance of the trained model and estimate the uncertainty of predictions by efficiently utilizing the available dataset. In addition to the foregoing methods related to uncertainty quantification, some other commonly invoked techniques and procedures include sensitivity analysis [346], Monte Carlo simulations [347], and computation of confidence interval [348]. Note that the field of UQ has developed for decades, with numerous methods proposed and investigated. In the foregoing context, we have only provided a very brief, nonexhaustive list of UQ methods that have been commonly used in mechanics. Finally, we comment that there are still a lot of problems related to the quantification of uncertainty associated with ML applications in mechanics. As we analyzed at the beginning of this section, there are different sources of uncertainty throughout the research workflow of experimental mechanics, many of which have not yet been well investigated. It is a challenging yet worthwhile task to quantify the total uncertainty of the experimental mechanics workflow addressing all relevant sources of uncertainty.

5 Outlook: Future Opportunities of Machine Learning in Experimental Solid Mechanics

5.1 Machine Learning For Experimental Mechanics Under Extreme Conditions.

In recent years, there has been an emerging interest in characterizing material properties under extreme conditions like high strain rate, high pressure, and high temperature. However, such experiments are often considered laborious and costly, requiring significant experiment preparation time. For example, in conventional plate impact experiments, which characterize dynamic properties of materials under high strain rates, the experiment preparation time (e.g., sample preparation, optical alignment, triggering circuits connection, and interferometry) alone can take several days. Therefore, there is an increasing demand to design big-data-generating experiments where new high-throughput experimental techniques can be coupled with ML methods to improve the efficiency of data collection and analysis. One recent study by Jin et al. [70] demonstrated the benefits of big-data-generating experiments in the context of material dynamic fracture toughness and cohesive parameter determination. By leveraging a high-throughput optical interferometer and CNN-based ML model, the researchers were able to significantly increase the experimental efficiency, reducing the required number of experiments by orders of magnitude. These results highlight the potential for ML to transform the field of experimental mechanics, enabling researchers to characterize material properties more efficiently and effectively under extreme conditions. Moving forward, it will be crucial to continue to develop new experimental full-field measurement techniques for experiments under extreme conditions like spatial-temporal interferometer [70] or stereo DIC [349] that can be effectively coupled with ML to generate and analyze large volumes of high-fidelity data. By leveraging ML for extreme mechanics, experimentalists will be capable of characterizing extreme material properties more efficiently and accurately, enabling new insights and applications in designing next-generation materials and technologies, e.g., earthquake protective coatings used in architectural design.

5.2 Design of Intelligent Architected Materials With In-Situ Decision-Making Capabilities.

The design of materials with decision-making capability is a relatively new concept that has the potential to revolutionize material design by offering unprecedented properties. With the help of ML, architected materials can be programmed to respond to real-time stimuli based on external input. Here, we present some potential research areas in which experimental mechanics and ML can contribute to the development of these intelligent architected materials. One such area is the development of new fabrication techniques to build novel material systems with high resolution. For example, new high-throughput AM techniques, such as the hydrogel infusion AM method [350], can be employed to fabricate architected materials with complex geometries at a variety of scales. Furthermore, bottom-up approaches such as self-assembly can be employed to spontaneously organize nanoscale constituents into ordered structures through intermolecular forces. Recently, scaling-up fabrication techniques [351], like holographic lithography, were employed to build centimeter-size samples with nanoscale features. Another area of focus is the development of new actuation methods. Current actuation methods are mainly focused on passive actuation techniques like mechanical or electromagnetic actuation while designing materials with active actuation that can deform on demand according to local environmental stimuli would confer intelligence to these materials. Designing materials with active actuation would involve the development of ML algorithms capable of optimizing material structures and properties based on a set of design objectives and constraints. For example, reinforcement learning algorithms could be used to train materials to learn and respond to different loading scenarios, leading to enhanced structural performance and durability. Moreover, ML algorithms could enable materials to make intelligent decisions in real-time based on environmental conditions, such as changes in temperature, humidity, or mechanical loads. This opens a wide range of potential applications for intelligent architected materials in fields such as aerospace and robotics.

6 Conclusions

Recent advances in ML have revolutionized the field of experimental solid mechanics, allowing for efficient and accurate experimental design, data analysis, parametric or function identification, and inverse design. In this review paper, we highlight recent advances and applications of ML in experimental solid mechanics. We started by providing an overview of common ML algorithms and terminologies relevant to experimental mechanics, with a particular emphasis on physics-informed and physics-based scientific ML methods. Then, we reviewed recent applications of ML in traditional and emerging areas of experimental solid mechanics, including fracture mechanics, biomechanics, nano- and micromechanics, architected materials, and 2D materials. Furthermore, the review discussed current challenges in applying ML to problems involving data scarcity, multimodality, and multifidelity experimental datasets. It also advances several future research directions to address such challenges. It is hoped that this comprehensive and up-to-date review will provide valuable insights for researchers and practitioners in solid mechanics who are interested in employing ML to design and analyze their experiments. As the field continues to evolve, it will also be essential to build bridges across disciplines, with the most obvious being computational mechanics and materials sciences, to address challenges and opportunities.

Funding Data

  • Air Force Office of Scientific Research (AFOSR-FA9550-20-1-0258; Funder ID: 10.13039/100000181).

  • National Science Foundation (Grant No. CMMI-1953806; Funder ID: 10.13039/100000001).

  • Office of Naval Research (Grant No. N000142212133; Funder ID: 10.13039/100000006).

Data Availability Statement

The authors attest that all data for this study are included in the paper.

Author Contribution

H.J. and H.D.E. conceived the initial idea to write this review and defined its content. H.J. wrote the initial draft except for Secs. 4.2 and 4.3. E.Z. wrote the initial draft for Secs. 4.2 and 4.3 and revised other sections. H.D.E. supervised the project and revised the entire paper. All authors gave final approval for the publication.

References

1.
Sciammarella
,
C. A.
, and
Sciammarella
,
F. M.
,
2012
,
Experimental Mechanics of Solids
,
Wiley
, New York.
2.
Kassner
,
M. E.
,
Nemat-Nasser
,
S.
,
Suo
,
Z.
,
Bao
,
G.
,
Barbour
,
J. C.
,
Brinson
,
L. C.
,
Espinosa
,
H.
, et al.,
2005
, “
New Directions in Mechanics
,”
Mech. Mater.
,
37
(
2–3
), pp.
231
259
.10.1016/j.mechmat.2004.04.009
3.
Davis
,
J. R.
,
2004
,
Tensile Testing
,
ASM International
, Phoenix, AZ.
4.
Chen
,
W. W.
, and
Song
,
B.
,
2010
,
Split Hopkinson (Kolsky) Bar: Design, Testing and Applications
,
Springer Science & Business Media
, New York.
5.
Abou-Sayed
,
A. S.
,
Clifton
,
R. J.
, and
Hermann
,
L.
,
1976
, “
The Oblique-Plate Impact Experiment
,”
Exp. Mech.
,
16
(
4
), pp.
127
132
.10.1007/BF02321106
6.
Espinosa
,
H. D.
, and
Nemat-Nasser
,
S.
,
2000
, “
Low-Velocity Impact Testing
,”
ASM Handbook
,
8
, pp.
539
559
.10.31399/asm.hb.v08.a0003304
7.
Espinosa
,
H. D.
,
Zhu
,
Y.
, and
Moldovan
,
N.
,
2007
, “
Design and Operation of a MEMS-Based Material Testing System for Nanomechanical Characterization
,”
J. Microelectromech. Syst.
,
16
(
5
), pp.
1219
1231
.10.1109/JMEMS.2007.905739
8.
Zhu
,
Y.
, and
Espinosa
,
H. D.
,
2005
, “
An Electromechanical Material Testing System for in Situ Electron Microscopy and Applications
,”
Proc. Natl. Acad. Sci. U. S. A.
,
102
(
41
), pp.
14503
14508
.10.1073/pnas.0506544102
9.
Prorok
,
B. C.
, et al.,
2004
, “
Micro-and Nanomechanics
,” Encyclopedia of Nanoscience and Nanotechnology,
Citeseer
, pp.
561
606
.
10.
Haque
,
M.
,
Espinosa
,
H.
, and
Lee
,
H.
,
2010
, “
MEMS for in Situ Testing—Handling, Actuation, Loading, and Displacement Measurements
,”
MRS Bull.
,
35
(
5
), pp.
375
381
.10.1557/mrs2010.570
11.
Bhowmick
,
S.
,
Espinosa
,
H.
,
Jungjohann
,
K.
,
Pardoen
,
T.
, and
Pierron
,
O.
,
2019
, “
Advanced Microelectromechanical Systems-Based Nanomechanical Testing: Beyond Stress and Strain Measurements
,”
MRS Bull.
,
44
(
6
), pp.
487
493
.10.1557/mrs.2019.123
12.
Higson
,
G. R.
,
1964
, “
Recent Advances in Strain Gauges
,”
J. Sci. Instrum.
,
41
(
7
), pp.
405
414
.10.1088/0950-7671/41/7/301
13.
Tiwari
,
V.
,
Sutton
,
M. A.
, and
McNeill
,
S. R.
,
2007
, “
Assessment of High Speed Imaging Systems for 2D and 3D Deformation Measurements: Methodology Development and Validation
,”
Exp. Mech.
,
47
(
4
), pp.
561
579
.10.1007/s11340-006-9011-y
14.
Walker
,
C. A.
,
1994
, “
A Historical Review of Moire Interferometry
,”
Exp. Mech.
,
34
(
4
), pp.
281
299
.10.1007/BF02325143
15.
Chu
,
T. C.
,
Ranson
,
W. F.
, and
Sutton
,
M. A.
,
1985
, “
Applications of Digital-Image-Correlation Techniques to Experimental Mechanics
,”
Exp. Mech.
,
25
(
3
), pp.
232
244
.10.1007/BF02325092
16.
Bay
,
B. K.
,
Smith
,
T. S.
,
Fyhrie
,
D. P.
, and
Saad
,
M.
,
1999
, “
Digital Volume Correlation: Three-Dimensional Strain Mapping Using X-Ray Tomography
,”
Exp. Mech.
,
39
(
3
), pp.
217
226
.10.1007/BF02323555
17.
Petzing
,
J. N.
, and
Tyrer
,
J. R.
,
1998
, “
Recent Developments and Applications in Electronic Speckle Pattern Interferometry
,”
J. Strain Anal. Eng. Des.
,
33
(
2
), pp.
153
169
.10.1243/0309324981512887
18.
Doyle
,
J.
,
2002
, “
Inverse Methods in Experimental Mechanics
,”
Recent Advances in Experimental Mechanics: In Honor of Isaac M. Daniel
, pp.
585
594
.
19.
Tanaka
,
M.
, and
Dulikravich
,
G. S.
,
1998
,
Inverse Problems in Engineering Mechanics
,
Elsevier
, Japan.
20.
Montemayor
,
L.
,
Chernow
,
V.
, and
Greer
,
J. R.
,
2015
, “
Materials by Design: Using Architecture in Material Design to Reach New Property Spaces
,”
MRS Bull.
,
40
(
12
), pp.
1122
1129
.10.1557/mrs.2015.263
21.
Xia
,
X. X.
,
Spadaccini
,
C. M.
, and
Greer
,
J. R.
,
2022
, “
Responsive Materials Architected in Space and Time
,”
Nat. Rev. Mater.
,
7
(
9
), pp.
683
701
.10.1038/s41578-022-00450-z
22.
Mas-Ballesté
,
R.
,
Gómez-Navarro
,
C.
,
Gómez-Herrero
,
J.
, and
Zamora
,
F.
,
2011
, “
2D Materials: To Graphene and Beyond
,”
Nanoscale
,
3
(
1
), pp.
20
30
.10.1039/C0NR00323A
23.
Nathamgari
,
S. S. P.
,
Dong
,
S.
,
Medina
,
L.
,
Moldovan
,
N.
,
Rosenmann
,
D.
,
Divan
,
R.
,
Lopez
,
D.
,
Lauhon
,
L. J.
, and
Espinosa
,
H. D.
,
2019
, “
Nonlinear Mode Coupling and One-to-One Internal Resonances in a Monolayer WS2 Nanoresonator
,”
Nano Letters
,
19
(
6
), pp.
4052
4059
.10.1021/acs.nanolett.9b01442
24.
Greer
,
J. R.
, and
Park
,
J.
,
2018
, “
Additive Manufacturing of Nano- and Microarchitected Materials
,”
Nano Lett.
,
18
(
4
), pp.
2187
2188
.10.1021/acs.nanolett.8b00724
25.
Stewart
,
C. A.
,
Murray
,
S. P.
,
Suzuki
,
A.
,
Pollock
,
T. M.
, and
Levi
,
C. G.
,
2020
, “
Accelerated Discovery of Oxidation Resistant CoNi-Base γ/Γ'alloys With High L12 Solvus and Low Density
,”
Mater. Des.
,
189
, p.
108445
.10.1016/j.matdes.2019.108445
26.
Noh
,
J.
,
Kim
,
S.
,
Gu
,
G. h.
,
Shinde
,
A.
,
Zhou
,
L.
,
Gregoire
,
J. M.
, and
Jung
,
Y.
,
2019
, “
Unveiling New Stable Manganese Based Photoanode Materials Via Theoretical High-Throughput Screening and Experiments
,”
Chem. Commun.
,
55
(
89
), pp.
13418
13421
.10.1039/C9CC06736A
27.
Lin
,
Z.
,
Magagnosc
,
D. J.
,
Wen
,
J.
,
Oh
,
C.-S.
,
Kim
,
S.-M.
, and
Espinosa
,
H. D.
,
2021
, “
In-Situ SEM High Strain Rate Testing of Large Diameter Micropillars Followed by TEM and EBSD Postmortem Analysis
,”
Exp. Mech.
,
61
(
5
), pp.
739
752
.10.1007/s11340-021-00693-x
28.
Mitchell
,
T. M.
, and
Mitchell
,
T. M.
,
1997
,
Machine Learning
, Vol.
1
,
McGraw-Hill, New York
.
29.
LeCun
,
Y.
,
Bengio
,
Y.
, and
Hinton
,
G.
,
2015
, “
Deep Learning
,”
Nature
,
521
(
7553
), pp.
436
444
.10.1038/nature14539
30.
Krizhevsky
,
A.
,
Sutskever
,
I.
, and
Hinton
,
G. E.
,
2012
, “
ImageNet Classification With Deep Convolutional Neural Networks
,”
Proceedings of the 25th International Conference on Neural Information Processing Systems—Volume 1
,
Curran Associates
,
Lake Tahoe, NV
, pp.
1097
1105
.https://papers.nips.cc/paper_files/paper/2012/hash/c399862d3b9d6b76c8436e924a68c45b-Abstract.html
31.
Hinton
,
G.
,
Deng
,
L.
,
Yu
,
D.
,
Dahl
,
G.
,
Mohamed
,
A-R.
,
Jaitly
,
N.
,
Senior
,
A.
,
Vanhoucke
,
V.
,
Nguyen
,
P.
,
Sainath
,
T.
, and
Kingsbury
,
B.
,
2012
, “
Deep Neural Networks for Acoustic Modeling in Speech Recognition: The Shared Views of Four Research Groups
,”
IEEE Signal Process. Mag.
,
29
(
6
), pp.
82
97
.10.1109/MSP.2012.2205597
32.
Ramos
,
S.
, Gehrig, S. K., Pinggera, P., Franke, U., and Rother, C.,
2017
, “
Detecting Unexpected Obstacles for Self-Driving Cars: Fusing Deep Learning and Geometric Modeling
,”
IEEE Intelligent Vehicles Symposium (IV)
,
pp.
1025
1032
.https://www.researchgate.net/publication/311769489_Detecting_Unexpected_Obstacles_for_Self-Driving_Cars_Fusing_Deep_Learning_and_Geometric_Modeling
33.
Guo
,
K.
,
Yang
,
Z.
,
Yu
,
C.-H.
, and
Buehler
,
M. J.
,
2021
, “
Artificial Intelligence and Machine Learning in Design of Mechanical Materials
,”
Mater. Horiz.
,
8
(
4
), pp.
1153
1172
.10.1039/D0MH01451F
34.
Yang
,
S.
,
Choi
,
W.
,
Cho
,
B. W.
,
Agyapong‐Fordjour
,
F. O.
,
Park
,
S.
,
Yun
,
S. J.
,
Kim
,
H.
,
Han
,
Y.
,
Lee
,
Y. H.
,
Kim
,
K. K.
, and
Kim
,
Y.
,
2021
, “
Deep Learning-Assisted Quantification of Atomic Dopants and Defects in 2D Materials.
,”
Adv. Sci.
,
8
(
16
), p.
2101099
.10.1002/advs.202101099
35.
Unke
,
O. T.
,
Chmiela
,
S.
,
Sauceda
,
H. E.
,
Gastegger
,
M.
,
Poltavsky
,
I.
,
Schütt
,
K. T.
,
Tkatchenko
,
A.
, and
Müller
,
K.-R.
,
2021
, “
Machine Learning Force Fields
,”
Chem. Rev.
,
121
(
16
), pp.
10142
10186
.10.1021/acs.chemrev.0c01111
36.
Choudhary
,
K.
,
DeCost
,
B.
,
Chen
,
C.
,
Jain
,
A.
,
Tavazza
,
F.
,
Cohn
,
R.
,
Park
,
C. W.
,
Choudhary
,
A.
,
Agrawal
,
A.
,
Billinge
,
S. J. L.
,
Holm
,
E.
,
Ong
,
S. P.
, and
Wolverton
,
C.
,
2022
, “
Recent Advances and Applications of Deep Learning Methods in Materials Science
,”
NPJ Comput. Mater.
,
8
(
1
), p. 59.10.1038/s41524-022-00734-6
37.
Mueller
,
T.
,
A.G.
Kusne
, and
R.
Ramprasad
,
2016
, “
Machine Learning in Materials Science: Recent Progress and Emerging Applications
,”
Rev. Comput. Chem.
,
29
, pp.
186
273
.10.1002/9781119148739.ch4
38.
Butler
,
K. T.
,
Davies
,
D. W.
,
Cartwright
,
H.
,
Isayev
,
O.
, and
Walsh
,
A.
,
2018
, “
Machine Learning for Molecular and Materials Science
,”
Nature
,
559
(
7715
), pp.
547
555
.10.1038/s41586-018-0337-2
39.
Wang
,
A. Y.-T.
,
Murdock
,
R. J.
,
Kauwe
,
S. K.
,
Oliynyk
,
A. O.
,
Gurlo
,
A.
,
Brgoch
,
J.
,
Persson
,
K. A.
, and
Sparks
,
T. D.
,
2020
, “
Machine Learning for Materials Scientists: An Introductory Guide Toward Best Practices
,”
Chem. Mater.
,
32
(
12
), pp.
4954
4965
.10.1021/acs.chemmater.0c01907
40.
Himanen
,
L.
,
Geurts
,
A.
,
Foster
,
A. S.
, and
Rinke
,
P.
,
2019
, “
Data-Driven Materials Science: Status, Challenges, and Perspectives.
,”
Adv. Sci.
,
6
(
21
), p.
1900808
.10.1002/advs.201900808
41.
Masi
,
F.
,
Stefanou
,
I.
,
Vannucci
,
P.
, and
Maffi-Berthier
,
V.
,
2021
, “
Thermodynamics-Based Artificial Neural Networks for Constitutive Modeling
,”
J. Mech. Phys. Solids
,
147
, p.
104277
.10.1016/j.jmps.2020.104277
42.
Linka
,
K.
,
Hillgärtner
,
M.
,
Abdolazizi
,
K. P.
,
Aydin
,
R. C.
,
Itskov
,
M.
, and
Cyron
,
C. J.
,
2021
, “
Constitutive Artificial Neural Networks: A Fast and General Approach to Predictive Data-Driven Constitutive Modeling by Deep Learning
,”
J. Comput. Phys.
,
429
, p.
110010
.10.1016/j.jcp.2020.110010
43.
Yin
,
M.
,
Zhang
,
E.
,
Yu
,
Y.
, and
Karniadakis
,
G. E.
,
2022
, “
Interfacing Finite Elements With Deep Neural Operators for Fast Multiscale Modeling of Mechanics Problems
,”
Comput. Methods Appl. Mech. Eng.
,
402
, p.
115027
.10.1016/j.cma.2022.115027
44.
Alber
,
M.
,
Buganza Tepole
,
A.
,
Cannon
,
W. R.
,
De
,
S.
,
Dura-Bernal
,
S.
,
Garikipati
,
K.
,
Karniadakis
,
G.
,
Lytton
,
W. W.
,
Perdikaris
,
P.
,
Petzold
,
L.
, and
Kuhl
,
E.
,
2019
, “
Integrating Machine Learning and Multiscale Modeling—Perspectives, Challenges, and Opportunities in the Biological, Biomedical, and Behavioral Sciences
,”
NPJ Dig. Med.
,
2
(
1
), p.
115
.10.1038/s41746-019-0193-y
45.
Kumar
,
S.
,
Tan
,
S.
,
Zheng
,
L.
, and
Kochmann
,
D. M.
,
2020
, “
Inverse-Designed Spinodoid Metamaterials
,”
Npj Comput. Mater.
,
6
(
1
), p. 73.10.1038/s41524-020-0341-6
46.
Lu
,
L.
,
Dao
,
M.
,
Kumar
,
P.
,
Ramamurty
,
U.
,
Karniadakis
,
G. E.
, and
Suresh
,
S.
,
2020
, “
Extraction of Mechanical Properties of Materials Through Deep Learning From Instrumented Indentation
,”
Proc. Natl. Acad. Sci. U. S. A.
,
117
(
13
), pp.
7052
7062
.10.1073/pnas.1922210117
47.
Ni
,
B.
, and
Gao
,
H. J.
,
2021
, “
A Deep Learning Approach to the Inverse Problem of Modulus Identification in Elasticity
,”
MRS Bull.
,
46
(
1
), pp.
19
25
.10.1557/s43577-020-00006-y
48.
Zhang
,
E.
,
Yin
,
M.
, and
Karniadakis
,
G. E.
,
2020
, “
Physics-Informed Neural Networks for Nonhomogeneous Material Identification in Elasticity Imaging
,”
arXiv:2009.04525.
49.
Zhang
,
E.
,
Dao
,
M.
,
Karniadakis
,
G. E.
, and
Suresh
,
S.
,
2022
, “
Analyses of Internal Structures and Defects in Materials Using Physics-Informed Neural Networks
,”
Sci. Adv.
,
8
(
7
), p. eabk0644.10.1126/sciadv.abk0644
50.
Psaros
,
A. F.
,
Meng
,
X.
,
Zou
,
Z.
,
Guo
,
L.
, and
Karniadakis
,
G. E.
,
2023
, “
Uncertainty Quantification in Scientific Machine Learning: Methods, Metrics, and Comparisons
,”
J. Comput. Phys.
,
477
, p.
111902
.10.1016/j.jcp.2022.111902
51.
Brodnik
,
N. R.
,
Muir
,
C.
,
Tulshibagwale
,
N.
,
Rossin
,
J.
,
Echlin
,
M. P.
,
Hamel
,
C. M.
,
Kramer
,
S. L. B.
,
Pollock
,
T. M.
,
Kiser
,
J. D.
,
Smith
,
C.
, and
Daly
,
S. H.
,
2023
, “
Perspective: Machine Learning in Experimental Solid Mechanics
,”
J. Mech. Phys. Solids
,
173
, p.
105231
.10.1016/j.jmps.2023.105231
52.
Wang
,
C.
,
Tan
,
X. P.
,
Tor
,
S. B.
, and
Lim
,
C. S.
,
2020
, “
Machine Learning in Additive Manufacturing: State-of-the-Art and Perspectives
,”
Addit. Manuf.
,
36
, p.
101538
.10.1016/j.addma.2020.101538
53.
Jin
,
Z.
,
Zhang
,
Z.
,
Demir
,
K.
, and
Gu
,
G. X.
,
2020
, “
Machine Learning for Advanced Additive Manufacturing
,”
Matter
,
3
(
5
), pp.
1541
1556
.10.1016/j.matt.2020.08.023
54.
Qin
,
J.
,
Hu
,
F.
,
Liu
,
Y.
,
Witherell
,
P.
,
Wang
,
C. C.
,
Rosen
,
D. W.
,
Simpson
,
T. W.
,
Lu
,
Y.
, and
Tang
,
Q.
,
2022
, “
Research and Application of Machine Learning for Additive Manufacturing
,”
Addit. Manuf.
,
52
, p.
102691
.10.1016/j.addma.2022.102691
55.
Zuo
,
C.
,
Qian
,
J.
,
Feng
,
S.
,
Yin
,
W.
,
Li
,
Y.
,
Fan
,
P.
,
Han
,
J.
,
Qian
,
K.
, and
Chen
,
Q.
,
2022
, “
Deep Learning in Optical Metrology: A Review
,”
Light Sci. Appl.
,
11
(
1
), p.
39
.10.1038/s41377-022-00714-x
56.
Rumelhart
,
D. E.
,
Hinton
,
G. E.
, and
Williams
,
R. J.
,
1986
, “
Learning Representations by Back-Propagating Errors
,”
Nature
,
323
(
6088
), pp.
533
536
.10.1038/323533a0
57.
Goodfellow
,
I.
,
Bengio
,
Y.
, and
Courville
,
A.
,
2016
,
Deep Learning
,
MIT Press
, Cambridge, MA.
58.
OpenAI
,
2022
, “
ChatGPT
,” OpenAI, accessed July 24, 2023, https://chat.openai.com/
59.
Vaswani
,
A.
, Shazeer, N., Parmar, S., Uszkoreit, J., Jones, L., Gomez, A. N., and Kaiser, Ł.,
2017
, “
Attention is All You Need
,”
Adv. Neural Inform. Process. Syst.
,
30
, pp.
5998
6008
.https://proceedings.neurips.cc/paper_files/paper/2017/file/3f5ee243547dee91fbd053c1c4a845aa-Paper.pdf
60.
Raissi
,
M.
,
Perdikaris
,
P.
, and
Karniadakis
,
G. E.
,
2019
, “
Physics-Informed Neural Networks: A Deep Learning Framework for Solving Forward and Inverse Problems Involving Nonlinear Partial Differential Equations
,”
J. Comput. Phys.
,
378
, pp.
686
707
.10.1016/j.jcp.2018.10.045
61.
Karniadakis
,
G. E.
,
Kevrekidis
,
I. G.
,
Lu
,
L.
,
Perdikaris
,
P.
,
Wang
,
S.
, and
Yang
,
L.
,
2021
, “
Physics-Informed Machine Learning
,”
Nat. Rev. Phys.
,
3
(
6
), pp.
422
440
.10.1038/s42254-021-00314-5
62.
Jin
,
H.
,
2021
, Big-Data-Driven Multi-Scale Experimental Study of Nanostructured Block Copolymer's Dynamic Toughness,
Ph.D. thesis
,
Brown University
, Providence, RI.https://www.proquest.com/openview/5142679fc26e2114d589edf261b80f69/1?pqorigsite=gscholar&cbl=18750&diss=y
63.
Von Luxburg
,
U.
,
2007
, “
A Tutorial on Spectral Clustering
,”
Stat. Comput.
,
17
(
4
), pp.
395
416
.10.1007/s11222-007-9033-z
64.
Muir
,
C.
,
Swaminathan
,
B.
,
Almansour
,
A. S.
,
Sevener
,
K.
,
Smith
,
C.
,
Presby
,
M.
,
Kiser
,
J. D.
,
Pollock
,
T. M.
, and
Daly
,
S.
,
2021
, “
Damage Mechanism Identification in Composites Via Machine Learning and Acoustic Emission
,”
Npj Comput. Mater.
,
7
(
1
), p.
95
.10.1038/s41524-021-00565-x
65.
Muir
,
C.
,
Swaminathan
,
B.
,
Fields
,
K.
,
Almansour
,
A. S.
,
Sevener
,
K.
,
Smith
,
C.
,
Presby
,
M.
,
Kiser
,
J. D.
,
Pollock
,
T. M.
, and
Daly
,
S.
,
2021
, “
A Machine Learning Framework for Damage Mechanism Identification From Acoustic Emissions in Unidirectional SiC/SiC Composites
,”
Npj Comput. Mater.
,
7
(
1
), p.
146
.10.1038/s41524-021-00620-7
66.
Agarap
,
A. F.
,
2018
, “
Deep Learning Using Rectified Linear Units (Relu)
,” arXiv Preprint
arXiv:1803.08375
.https://www.researchgate.net/publication/323956667_Deep_Learning_using_Rectified_Linear_Units_ReLU
67.
LeCun
,
Y.
,
Boser
,
B.
,
Denker
,
J. S.
,
Henderson
,
D.
,
Howard
,
R. E.
,
Hubbard
,
W.
, and
Jackel
,
L. D.
,
1989
, “
Backpropagation Applied to Handwritten Zip Code Recognition
,”
Neural Comput.
,
1
(
4
), pp.
541
551
.10.1162/neco.1989.1.4.541
68.
Lecun
,
Y.
,
Bottou
,
L.
,
Bengio
,
Y.
, and
Haffner
,
P.
,
1998
, “
Gradient-Based Learning Applied to Document Recognition
,”
Proc. IEEE
,
86
(
11
), pp.
2278
2324
.10.1109/5.726791
69.
Holm
,
E. A.
,
Cohn
,
R.
,
Gao
,
N.
,
Kitahara
,
A. R.
,
Matson
,
T. P.
,
Lei
,
B.
, and
Yarasi
,
S. R.
,
2020
, “
Overview: Computer Vision and Machine Learning for Microstructural Characterization and Analysis
,”
Metall. Mater. Trans. A-Phys. Metall. Mater. Sci.
,
51
(
12
), pp.
5985
5999
.10.1007/s11661-020-06008-4
70.
Jin
,
H.
,
Jiao
,
T.
,
Clifton
,
R. J.
, and
Kim
,
K.-S.
,
2022
, “
Dynamic Fracture of a Bicontinuously Nanostructured Copolymer: A Deep-Learning Analysis of Big-Data-Generating Experiment
,”
J. Mech. Phys. Solids
,
164
, p.
104898
.10.1016/j.jmps.2022.104898
71.
Kaviani
,
R.
, and
Kolinski
,
J. M.
,
2023
, “
High Resolution Interferometric Imaging of Liquid-Solid Interfaces With HOTNNET
,”
Exp. Mech.
,
63
(
2
), pp.
309
321
.10.1007/s11340-022-00912-z
72.
Landauer
,
A. K.
,
Patel
,
M.
,
Henann
,
D. L.
, and
Franck
,
C.
,
2018
, “
A q-Factor-Based Digital Image Correlation Algorithm (qDIC) for Resolving Finite Deformations With Degenerate Speckle Patterns
,”
Exp. Mech.
,
58
(
5
), pp.
815
830
.10.1007/s11340-018-0377-4
73.
Yang
,
J.
, and
Bhattacharya
,
K.
,
2019
, “
Augmented Lagrangian Digital Image Correlation
,”
Exp. Mech.
,
59
(
2
), pp.
187
205
.10.1007/s11340-018-00457-0
74.
Yang
,
J.
, and
Bhattacharya
,
K.
,
2021
, “
Fast Adaptive Mesh Augmented Lagrangian Digital Image Correlation
,”
Exp. Mech.
,
61
(
4
), pp.
719
735
.10.1007/s11340-021-00695-9
75.
Yang
,
R.
,
Li
,
Y.
,
Zeng
,
D.
, and
Guo
,
P.
,
2022
, “
Deep DIC: Deep Learning-Based Digital Image Correlation for End-to-End Displacement and Strain Measurement
,”
J. Mater. Process. Technol.
,
302
, p.
117474
.10.1016/j.jmatprotec.2021.117474
76.
Patino
,
C. A.
,
Pathak
,
N.
,
Mukherjee
,
P.
,
Park
,
S. H.
,
Bao
,
G.
, and
Espinosa
,
H. D.
,
2022
, “
Multiplexed High-Throughput Localized Electroporation Workflow With Deep Learning–Based Analysis for Cell Engineering
,”
Sci. Adv.
,
8
(
29
), p.
eabn7637
.10.1126/sciadv.abn7637
77.
Mukherjee
,
P.
,
Patino
,
C. A.
,
Pathak
,
N.
,
Lemaitre
,
V.
, and
Espinosa
,
H. D.
,
2022
, “
Deep Learning‐Assisted Automated Single Cell Electroporation Platform for Effective Genetic Manipulation of Hard‐to‐Transfect Cells
,”
Small
,
18
(
20
), p.
2107795
.10.1002/smll.202107795
78.
Hochreiter
,
S.
, and
Schmidhuber
,
J.
,
1997
, “
Long Short-Term Memory
,”
Neural Comput.
,
9
(
8
), pp.
1735
1780
.10.1162/neco.1997.9.8.1735
79.
Hsu
,
Y. C.
,
Yu
,
C. H.
, and
Buehler
,
M. J.
,
2020
, “
Using Deep Learning to Predict Fracture Patterns in Crystalline Solids
,”
Matter
,
3
(
1
), pp.
197
211
.10.1016/j.matt.2020.04.019
80.
Lew
,
A. J.
,
Yu
,
C.-H.
,
Hsu
,
Y.-C.
, and
Buehler
,
M. J.
,
2021
, “
Deep Learning Model to Predict Fracture Mechanisms of Graphene
,”
Npj 2D Mater. Appl.
,
5
(
1
), p. 48.10.1038/s41699-021-00228-x
81.
Lew
,
A. J.
, and
Buehler
,
M. J.
,
2021
, “
A Deep Learning Augmented Genetic Algorithm Approach to Polycrystalline 2D Material Fracture Discovery and Design
,”
Appl. Phys. Rev.
,
8
(
4
), p.
041414
.10.1063/5.0057162
82.
Mozaffar
,
M.
,
Bostanabad
,
R.
,
Chen
,
W.
,
Ehmann
,
K.
,
Cao
,
J.
, and
Bessa
,
M. A.
,
2019
, “
Deep Learning Predicts Path-Dependent Plasticity
,”
Proc. Natl. Acad. Sci.
,
116
(
52
), pp.
26414
26420
.10.1073/pnas.1911815116
83.
Scarselli
,
F.
,
Gori
,
M.
,
Hagenbuchner
,
M.
,
Monfardini
.,
G.
, and
Ah Chung Tsoi
,
M.
,
2009
, “
The Graph Neural Network Model
,”
IEEE Trans. Neural Networks
,
20
(
1
), pp.
61
80
.10.1109/TNN.2008.2005605
84.
Wu
,
S.
,
Sun
,
F.
,
Zhang
,
W.
,
Xie
,
X.
, and
Cui
,
B.
,
2023
, “
Graph Neural Networks in Recommender Systems: A Survey
,”
ACM Comput. Surv.
,
55
(
5
), pp.
1
37
.10.1145/3535101
85.
Fan
,
W.
, Ma, Y., Li, Q., He, Y., Zhao, E., Tang, J., and Yin, D.,
2019
, “
Graph Neural Networks for Social Recommendation
,”
The World Wide Web Conference
, pp.
417
426
.10.1145/3308558.3313488
86.
Xiong
,
Z.
,
Wang
,
D.
,
Liu
,
X.
,
Zhong
,
F.
,
Wan
,
X.
,
Li
,
X.
,
Li
,
Z.
,
Luo
,
X.
,
Chen
,
K.
,
Jiang
,
H.
, and
Zheng
,
M.
,
2020
, “
Pushing the Boundaries of Molecular Representation for Drug Discovery With the Graph Attention Mechanism
,”
J. Med. Chem.
,
63
(
16
), pp.
8749
8760
.10.1021/acs.jmedchem.9b00959
87.
Xie
,
T.
, and
Grossman
,
J. C.
,
2018
, “
Crystal Graph Convolutional Neural Networks for an Accurate and Interpretable Prediction of Material Properties
,”
Phys. Rev. Lett.
,
120
(
14
), p.
145301
.10.1103/PhysRevLett.120.145301
88.
Guo
,
K.
, and
Buehler
,
M. J.
,
2022
, “
Rapid Prediction of Protein Natural Frequencies Using Graph Neural Networks
,”
Dig. Discov.
,
1
(
3
), pp.
277
285
.10.1039/D1DD00007A
89.
Guo
,
K.
, and
Buehler
,
M. J.
,
2020
, “
A Semi-Supervised Approach to Architected Materials Design Using Graph Neural Networks
,”
Ext. Mech. Lett.
,
41
, p.
101029
.10.1016/j.eml.2020.101029
90.
Xue
,
T.
,
Adriaenssens
,
S.
, and
Mao
,
S.
,
2023
, “
Learning the Nonlinear Dynamics of Mechanical Metamaterials With Graph Networks
,”
Int. J. Mech. Sci.
,
238
, p.
107835
.10.1016/j.ijmecsci.2022.107835
91.
Hestroffer
,
J. M.
,
Charpagne
,
M.-A.
,
Latypov
,
M. I.
, and
Beyerlein
,
I. J.
,
2023
, “
Graph Neural Networks for Efficient Learning of Mechanical Properties of Polycrystals
,”
Comput. Mater. Sci.
,
217
, p.
111894
.10.1016/j.commatsci.2022.111894
92.
Thomas
,
A.
, Durmaz, A., Alam, M., and Gumbsch, P.,
2023
, “
Materials Fatigue Prediction Using Graph Neural Networks on Microstructure Representations
,” epub, pp.
1
16
.10.21203/rs.3.rs-2531505/v1
93.
Goodfellow
,
I.
,
Pouget-Abadie
,
J.
,
Mirza
,
M.
,
Xu
,
B.
,
Warde-Farley
,
D.
,
Ozair
,
S.
,
Courville
,
A.
, and
Bengio
,
Y.
,
2020
, “
Generative Adversarial Networks
,”
Commun. ACM
,
63
(
11
), pp.
139
144
.10.1145/3422622
94.
Holt
,
C. A.
, and
Roth
,
A. E.
,
2004
, “
The Nash Equilibrium: A Perspective
,”
Proc. Natl. Acad. Sci.
,
101
(
12
), pp.
3999
4002
.10.1073/pnas.0308738101
95.
Mao
,
Y. W.
,
He
,
Q.
, and
Zhao
,
X. H.
,
2020
, “
Designing Complex Architectured Materials With Generative Adversarial Networks
,”
Sci. Adv.
,
6
(
17
)10.1126/sciadv.aaz4169 .
96.
Kench
,
S.
, and
Cooper
,
S. J.
,
2021
, “
Generating Three-Dimensional Structures From a Two-Dimensional Slice With Generative Adversarial Network-Based Dimensionality Expansion
,”
Nat. Mach. Intell.
,
3
(
4
), pp.
299
305
.10.1038/s42256-021-00322-1
97.
Salimans
,
T.
, Goodfellow, I., Zarembia, W., Cheung, V., Radford, A., and Chen, X.,
2016
, “
Improved Techniques for Training Gans
,”
Adv. Neural Inform. Process. Syst.
,
29
, pp.
2234
2242
.https://dl.acm.org/doi/10.5555/3157096.3157346
98.
Cang
,
R.
,
Xu
,
Y.
,
Chen
,
S.
,
Liu
,
Y.
,
Jiao
,
Y.
, and
Yi Ren
,
M.
,
2017
, “
Microstructure Representation and Reconstruction of Heterogeneous Materials Via Deep Belief Network for Computational Material Design
,”
ASME J. Mech. Des.
,
139
(
7
), p.
071404
.10.1115/1.4036649
99.
Mirza
,
M.
, and
Osindero
,
S.
,
2014
, “
Conditional Generative Adversarial Nets
,”
arXiv:1411.1784
.10.48550/arXiv.1411.1784
100.
Nie
,
Z.
,
Lin
,
T.
,
Jiang
,
H.
, and
Kara
,
L. B.
,
2021
, “
TopologyGAN: Topology Optimization Using Generative Adversarial Networks Based on Physical Fields Over the Initial Domain
,”
ASME J. Mech. Des.
,
143
(
3
), p. 031715.10.1115/1.4049533
101.
Isola
,
P.
, Zhu, J-Y., Zhou, T., and Afros, A. A.,
2016
, “
Image-to-Image Translation With Conditional Adversarial Networks
,”
arXiv:1611.07004
.10.48550/arXiv.1611.07004
102.
Rezaei
,
M.
, Harmuth, K., Gierke, W., Kellermeier, T., Fischer, M., Yang, H., and Meinel, C.,
2017
, “
Conditional Adversarial Network for Semantic Segmentation of Brain Tumor
,”
arXiv:1708.05227
.10.48550/arXiv.1708.05227
103.
Yang
,
Z.
,
Yu
,
C.-H.
,
Guo
,
K.
, and
Buehler
,
M. J.
,
2021
, “
End-to-End Deep Learning Method to Predict Complete Strain and Stress Tensors for Complex Hierarchical Composite Microstructures
,”
J. Mech. Phys. Solids
,
154
, p.
104506
.10.1016/j.jmps.2021.104506
104.
Yang
,
Z. Z.
,
Yu
,
C. H.
, and
Buehler
,
M. J.
,
2021
, “
Deep Learning Model to Predict Complex Stress and Strain Fields in Hierarchical Composites
,”
Sci. Adv.
,
7
(
15
), p. eabd7416.10.1126/sciadv.abd7416
105.
Sutton
,
R. S.
, and
Barto
,
A. G.
,
2018
,
Reinforcement Learning: An Introduction
,
MIT Press
, Cambridge, MA.
106.
Mousavi
,
S. S.
,
Schukat
,
M.
, and
Howley
,
E.
,
2018
, “
Deep Reinforcement Learning: An Overview
,”
Proceedings of SAI Intelligent Systems Conference (IntelliSys) 2016
, Vol.
2
.
Springer
, pp.
426
440
.10.1007/978-3-319-56991-8_32
107.
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
.10.1038/nature14236
108.
Lillicrap
,
T. P.
, Hunt, J. J., Pritzel, A., Heess, N., Erez, T., Tassa, Y., Silver, D., and Wierstra, D.,
2015
, “
Continuous Control With Deep Reinforcement Learning
,” arXiv Preprint
arXiv:1509.02971
.10.48550/arXiv.1509.02971
109.
Silver
,
D.
,
Huang
,
A.
,
Maddison
,
C. J.
,
Guez
,
A.
,
Sifre
,
L.
,
van den Driessche
,
G.
,
Schrittwieser
,
J.
, et al.,
2016
, “
Mastering the Game of Go With Deep Neural Networks and Tree Search
,”
Nature
,
529
(
7587
), pp.
484
489
.10.1038/nature16961
110.
Singh
,
B.
,
Kumar
,
R.
, and
Singh
,
V. P.
,
2022
, “
Reinforcement Learning in Robotic Applications: A Comprehensive Survey
,”
Artif. Intell. Rev.
, 45, pp.
945
990
.10.1007/s10462-021-09997-9
111.
Popova
,
M.
,
Isayev
,
O.
, and
Tropsha
,
A.
,
2018
, “
Deep Reinforcement Learning for de Novo Drug Design
,”
Sci. Adv.
,
4
(
7
), p.
eaap7885
.10.1126/sciadv.aap7885
112.
Garnier
,
P.
,
Viquerat
,
J.
,
Rabault
,
J.
,
Larcher
,
A.
,
Kuhnle
,
A.
, and
Hachem
,
E.
,
2021
, “
A Review on Deep Reinforcement Learning for Fluid Mechanics
,”
Comput. Fluids
,
225
, p.
104973
.10.1016/j.compfluid.2021.104973
113.
Sui
,
F.
,
Guo
,
R.
,
Zhang
,
Z.
,
Gu
,
G. X.
, and
Lin
,
L.
,
2021
, “
Deep Reinforcement Learning for Digital Materials Design
,”
ACS Mater. Lett.
,
3
(
10
), pp.
1433
1439
.10.1021/acsmaterialslett.1c00390
114.
Nguyen
,
P. C. H.
,
Vlassis
,
N. N.
,
Bahmani
,
B.
,
Sun
,
W.
,
Udaykumar
,
H. S.
, and
Baek
,
S. S.
,
2022
, “
Synthesizing Controlled Microstructures of Porous Media Using Generative Adversarial Networks and Reinforcement Learning
,”
Sci. Rep.
,
12
(
1
), p.
9034
.10.1038/s41598-022-12845-7
115.
Box
,
G. E.
, and
Tiao
,
G. C.
,
2011
,
Bayesian Inference in Statistical Analysis
,
Wiley
, New York.
116.
Rappel
,
H.
,
Beex
,
L. A. A.
,
Hale
,
J. S.
,
Noels
,
L.
, and
Bordas
,
S. P. A.
,
2020
, “
A Tutorial on Bayesian Inference to Identify Material Parameters in Solid Mechanics
,”
Arch. Comput. Methods Eng.
,
27
(
2
), pp.
361
385
.10.1007/s11831-018-09311-x
117.
Zhang
,
Y.
,
Hart
,
J. D.
, and
Needleman
,
A.
,
2019
, “
Identification of Plastic Properties From Conical Indentation Using a Bayesian-Type Statistical Approach
,”
ASME J. Appl. Mech.
,
86
(
1
), p. 011002.10.1115/1.4041352
118.
Rossin
,
J.
,
Leser
,
P.
,
Pusch
,
K.
,
Frey
,
C.
,
Murray
,
S. P.
,
Torbet
,
C. J.
,
Smith
,
S.
,
Daly
,
S.
, and
Pollock
,
T. M.
,
2021
, “
Bayesian Inference of Elastic Constants and Texture Coefficients in Additively Manufactured Cobalt-Nickel Superalloys Using Resonant Ultrasound Spectroscopy
,”
Acta Mater.
,
220
, p.
117287
.10.1016/j.actamat.2021.117287
119.
Rossin
,
J.
,
Leser
,
P.
,
Pusch
,
K.
,
Frey
,
C.
,
Vogel
,
S. C.
,
Saville
,
A. I.
,
Torbet
,
C.
,
Clarke
,
A. J.
,
Daly
,
S.
, and
Pollock
,
T. M.
,
2022
, “
Single Crystal Elastic Constants of Additively Manufactured Components Determined by Resonant Ultrasound Spectroscopy
,”
Mater. Charact.
,
192
, p.
112244
.10.1016/j.matchar.2022.112244
120.
Raissi
,
M.
,
Perdikaris
,
P.
, and
Karniadakis
,
G. E.
,
2017
, “
Physics Informed Deep Learning (Part i): Data-Driven Solutions of Nonlinear Partial Differential Equations
,” arXiv Preprint
arXiv:1711.10561
.10.48550/arXiv.1711.10561
121.
Lagaris
,
I. E.
,
Likas
,
A.
, and
Fotiadis
,
D. I.
,
1998
, “
Artificial Neural Networks for Solving Ordinary and Partial Differential Equations
,”
IEEE Trans. Neural Networks
,
9
(
5
), pp.
987
1000
.10.1109/72.712178
122.
Psichogios
,
D. C.
, and
Ungar
,
L. H.
,
1992
, “
A Hybrid Neural Network‐First Principles Approach to Process Modeling
,”
AIChE J.
,
38
(
10
), pp.
1499
1511
.10.1002/aic.690381003
123.
Cai
,
S.
,
Wang
,
Z.
,
Wang
,
S.
,
Perdikaris
,
P.
, and
Karniadakis
,
G. E.
,
2021
, “
Physics-Informed Neural Networks for Heat Transfer Problems
,”
ASME J. Heat Mass Transfer-Trans. ASME
,
143
(
6
), p. 060801.10.1115/1.4050542
124.
Cai
,
S.
,
Mao
,
Z.
,
Wang
,
Z.
,
Yin
,
M.
, and
Karniadakis
,
G. E.
,
2021
, “
Physics-Informed Neural Networks (PINNs) for Fluid Mechanics: A Review
,”
Acta Mech. Sin.
,
37
(
12
), pp.
1727
1738
.10.1007/s10409-021-01148-1
125.
Raissi
,
M.
,
Yazdani
,
A.
, and
Karniadakis
,
G. E.
,
2020
, “
Hidden Fluid Mechanics: Learning Velocity and Pressure Fields From Flow Visualizations
,”
Science
,
367
(
6481
), pp.
1026
1030
.10.1126/science.aaw4741
126.
Mao
,
Z.
,
Jagtap
,
A. D.
, and
Karniadakis
,
G. E.
,
2020
, “
Physics-Informed Neural Networks for High-Speed Flows
,”
Comput. Methods Appl. Mech. Eng.
,
360
, p.
112789
.10.1016/j.cma.2019.112789
127.
Rasht‐Behesht
,
M.
,
Huber
,
C.
,
Shukla
,
K.
, and
Karniadakis
,
G. E.
,
2022
, “
Physics‐Informed Neural Networks (PINNs) for Wave Propagation and Full Waveform Inversions
,”
J. Geophys. Res. Solid Earth
,
127
(
5
), p.
e2021JB023120
.10.1029/2021JB023120
128.
Chen
,
Y.
,
Lu
,
L.
,
Karniadakis
,
G. E.
, and
Dal Negro
,
L.
,
2020
, “
Physics-Informed Neural Networks for Inverse Problems in Nano-Optics and Metamaterials
,”
Opt. Exp.
,
28
(
8
), pp.
11618
11633
.10.1364/OE.384875
129.
Liao
,
S.
,
Xue
,
T.
,
Jeong
,
J.
,
Webster
,
S.
,
Ehmann
,
K.
, and
Cao
,
J.
,
2023
, “
Hybrid Thermal Modeling of Additive Manufacturing Processes Using Physics-Informed Neural Networks for Temperature Prediction and Parameter Identification
,”
Comput. Mech.
,
72
(
3
), pp.
499
512
.10.1007/s00466-022-02257-9
130.
Yin
,
M.
,
Zheng
,
X.
,
Humphrey
,
J. D.
, and
Karniadakis
,
G. E.
,
2021
, “
Non-Invasive Inference of Thrombus Material Properties With Physics-Informed Neural Networks
,”
Comput. Methods Appl. Mech. Eng.
,
375
, p.
113603
.10.1016/j.cma.2020.113603
131.
Lu
,
L.
,
Meng
,
X.
,
Mao
,
Z.
, and
Karniadakis
,
G. E.
,
2021
, “
DeepXDE: A Deep Learning Library for Solving Differential Equations
,”
SIAM Rev.
,
63
(
1
), pp.
208
228
.10.1137/19M1274067
132.
Henkes
,
A.
,
Wessels
,
H.
, and
Mahnken
,
R.
,
2022
, “
Physics Informed Neural Networks for Continuum Micromechanics
,”
Comput. Methods Appl. Mech. Eng.
,
393
, p.
114790
.10.1016/j.cma.2022.114790
133.
Haghighat
,
E.
,
Raissi
,
M.
,
Moure
,
A.
,
Gomez
,
H.
, and
Juanes
,
R.
,
2021
, “
A Physics-Informed Deep Learning Framework for Inversion and Surrogate Modeling in Solid Mechanics
,”
Comput. Methods Appl. Mech. Eng.
,
379
, p.
113741
.10.1016/j.cma.2021.113741
134.
Bastek
,
J.-H.
, and
Kochmann
,
D. M.
,
2023
, “
Physics-Informed Neural Networks for Shell Structures
,”
Eur. J. Mech.-A/Solids
,
97
, p.
104849
.10.1016/j.euromechsol.2022.104849
135.
Hornik
,
K.
,
Stinchcombe
,
M.
, and
White
,
H.
,
1989
, “
Multilayer Feedforward Networks Are Universal Approximators
,”
Neural Networks
,
2
(
5
), pp.
359
366
.10.1016/0893-6080(89)90020-8
136.
Chen
,
T.
, and
Chen
,
H.
,
1995
, “
Universal Approximation to Nonlinear Operators by Neural Networks With Arbitrary Activation Functions and Its Application to Dynamical Systems
,”
IEEE Trans. Neural Networks
,
6
(
4
), pp.
911
917
.10.1109/72.392253
137.
Lu
,
L.
,
Jin
,
P.
,
Pang
,
G.
,
Zhang
,
Z.
, and
Karniadakis
,
G. E.
,
2021
, “
Learning Nonlinear Operators Via DeepONet Based on the Universal Approximation Theorem of Operators
,”
Nat. Mach. Intell.
,
3
(
3
), pp.
218
229
.10.1038/s42256-021-00302-5
138.
Kovachki
,
N.
, Li, Z., Liu, B., Azizzadenesheli, K., Bhattacharya, K., Stuart, A., Anandkumar, A.,
2021
, “
Neural Operator: Learning Maps Between Function Spaces
,” arXiv Preprint
arXiv:2108.08481
.10.48550/arXiv.2108.08481
139.
Li
,
Z.
, Kovachki, N., Azizzadenesheli, K., Liu, B., Bhattacharya, K., Stuart, A., and Anandkumar, A.,
2020
, “
Fourier Neural Operator for Parametric Partial Differential Equations
,” arXiv Preprint
arXiv:2010.08895
.10.48550/arXiv.2010.08895
140.
Goswami
,
S.
, Bora, A., Yu, Y., and Em Karniadakis, G., “
Physics-Informed Deep Neural Operators Networks
,” arXiv Preprint
arXiv:2207.05748
, p.
2022
.10.48550/arXiv.2207.05748
141.
Lu
,
L.
,
Meng
,
X.
,
Cai
,
S.
,
Mao
,
Z.
,
Goswami
,
S.
,
Zhang
,
Z.
, and
Karniadakis
,
G. E.
,
2022
, “
A Comprehensive and Fair Comparison of Two Neural Operators (With Practical Extensions) Based on Fair Data
,”
Comput. Methods Appl. Mech. Eng.
,
393
, p.
114778
.10.1016/j.cma.2022.114778
142.
Li
,
Z.
, Zheng, H., Kovachki, N., Jin, D., Chen, H., Liu, B., Azizzadenesheli, K., and Anandkumar, A.,
2021
, “
Physics-Informed Neural Operator for Learning Partial Differential Equations
,” arXiv Preprint
arXiv:2111.03794
.10.48550/arXiv.2111.03794
143.
Wang
,
S.
,
Wang
,
H.
, and
Perdikaris
,
P.
,
2021
, “
Learning the Solution Operator of Parametric Partial Differential Equations With Physics-Informed DeepONets
,”
Sci. Adv.
,
7
(
40
), p.
eabi8605
.10.1126/sciadv.abi8605
144.
Li
,
Z.
, Huang, D. Z., Liu, B., and Anandkumar, A.,
2022
, “
Fourier Neural Operator With Learned Deformations for PDES on General Geometries
,” arXiv Preprint
arXiv:2207.05209
.10.48550/arXiv.2207.05209
145.
Goswami
,
S.
,
Yin
,
M.
,
Yu
,
Y.
, and
Karniadakis
,
G. E.
,
2022
, “
A Physics-Informed Variational DeepONet for Predicting Crack Path.
,”
Comput. Methods Appl. Mech. Eng.
,
391
, p.
114587
.10.1016/j.cma.2022.114587
146.
Yin
,
M.
,
Ban
,
E.
,
Rego
,
B. V.
,
Zhang
,
E.
,
Cavinato
,
C.
,
Humphrey
,
J. D.
, and
Em Karniadakis
,
G.
,
2022
, “
Simulating Progressive Intramural Damage Leading to Aortic Dissection Using DeepONet: An Operator–Regression Neural Network
,”
J. R. Soc. Interface
,
19
(
187
), p.
20210670
. 10.1098/rsif.2021.0670
147.
Zhang
,
E.
,
Spronck
,
B.
,
Humphrey
,
J. D.
, and
Karniadakis
,
G. E.
,
2022
, “
G2Φnet: Relating Genotype and Biomechanical Phenotype of Tissues With Deep Learning
,”
PLoS Comput. Biol.
,
18
(
10
), p.
e1010660
.10.1371/journal.pcbi.1010660
148.
You
,
H.
,
Zhang
,
Q.
,
Ross
,
C. J.
,
Lee
,
C.-H.
,
Hsu
,
M.-C.
, and
Yu
,
Y.
,
2022
, “
A Physics-Guided Neural Operator Learning Approach to Model Biological Tissues From Digital Image Correlation Measurements
,”
ASME J. Biomech. Eng.
,
144
(
12
), p.
121012
.10.1115/1.4055918
149.
Liu
,
X.
,
Athanasiou
,
C. E.
,
Padture
,
N. P.
,
Sheldon
,
B. W.
, and
Gao
,
H.
,
2020
, “
A Machine Learning Approach to Fracture Mechanics Problems
,”
Acta Mater.
,
190
, pp.
105
112
.10.1016/j.actamat.2020.03.016
150.
Liu
,
X.
,
Athanasiou
,
C. E.
,
Padture
,
N. P.
,
Sheldon
,
B. W.
, and
Gao
,
H.
,
2021
, “
Knowledge Extraction and Transfer in Data-Driven Fracture Mechanics
,”
Proc. Natl. Acad. Sci. U. S. A.
,
118
(
23
), p. e2104765118.10.1073/pnas.2104765118
151.
Su
,
M.
,
Peng
,
H.
,
Yuan
,
M.
, and
Li
,
S.
,
2021
, “
Identification of the Interfacial Cohesive Law Parameters of FRP Strips Externally Bonded to Concrete Using Machine Learning Techniques
,”
Eng. Fract. Mech.
,
247
, p.
107643
.10.1016/j.engfracmech.2021.107643
152.
Ferdousi
,
S.
,
Chen
,
Q.
,
Soltani
,
M.
,
Zhu
,
J.
,
Cao
,
P.
,
Choi
,
W.
,
Advincula
,
R.
, and
Jiang
,
Y.
,
2021
, “
Characterize Traction-Separation Relation and Interfacial Imperfections by Data-Driven Machine Learning Models
,”
Sci. Rep.
,
11
(
1
), p. 14330.10.1038/s41598-021-93852-y
153.
Wei
,
C.
,
Zhang
,
J.
,
Liechti
,
K. M.
, and
Wu
,
C.
,
2022
, “
Deep-Green Inversion to Extract Traction-Separation Relations at Material Interfaces
,”
Int. J. Solids Struct.
,
250
, p.
111698
.10.1016/j.ijsolstr.2022.111698
154.
Niu
,
S. J.
, and
Srivastava
,
V.
,
2022
, “
Simulation Trained CNN for Accurate Embedded Crack Length, Location, and Orientation From Ultrasound Measurements
,”
Int. J. Solids Struct.
,
24
, p.
111521
.10.1016/j.ijsolstr.2022.111521
155.
Niu
,
S.
, and
Srivastava
,
V.
,
2022
, “
Ultrasound Classification of Interacting Flaws Using Finite Element Simulations and Convolutional Neural Network
,”
Eng. Comput.
,
38
(
5
), pp.
4653
4662
.10.1007/s00366-022-01681-y
156.
Athanasiou
,
C. E.
,
Liu
,
X.
,
Zhang
,
B.
,
Cai
,
T.
,
Ramirez
,
C.
,
Padture
,
N. P.
,
Lou
,
J.
,
Sheldon
,
B. W.
, and
Gao
,
H.
,
2023
, “
Integrated Simulation, Machine Learning, and Experimental Approach to Characterizing Fracture Instability in Indentation Pillar-Splitting of Materials
,”
J. Mech. Phys. Solids
,
170
, p.
105092
.10.1016/j.jmps.2022.105092
157.
Komaris
,
D.-S.
,
Perez-Valero
,
E.
,
Jordan
,
L.
,
Barton
,
J.
,
Hennessy
,
L.
,
O'Flynn
,
B.
, and
Tedesco
,
S.
,
2019
, “
Predicting Three-Dimensional Ground Reaction Forces in Running by Using Artificial Neural Networks and Lower Body Kinematics
,”
IEEE Access
,
7
, pp.
156779
156786
.10.1109/ACCESS.2019.2949699
158.
Eerdekens
,
A.
,
Deruyck
,
M.
,
Fontaine
,
J.
,
Martens
,
L.
,
Poorter
,
E. D.
, and
Joseph
,
W.
,
2020
, “
Automatic Equine Activity Detection by Convolutional Neural Networks Using Accelerometer Data
,”
Comput. Electron. Agric.
,
168
, p.
105139
.10.1016/j.compag.2019.105139
159.
Holzapfel
,
G. A.
,
Linka
,
K.
,
Sherifova
,
S.
, and
Cyron
,
C. J.
,
2021
, “
Predictive Constitutive Modelling of Arteries by Deep Learning
,”
J. R. Soc. Interface
,
18
(
182
), p.
20210411
.10.1098/rsif.2021.0411
160.
Liu
,
M.
,
Liang
,
L.
, and
Sun
,
W.
,
2019
, “
Estimation of In Vivo Constitutive Parameters of the Aortic Wall Using a Machine Learning Approach
,”
Comput. Methods Appl. Mech. Eng.
,
347
, pp.
201
217
.10.1016/j.cma.2018.12.030
161.
Kamali
,
A.
,
Sarabian
,
M.
, and
Laksari
,
K.
,
2023
, “
Elasticity Imaging Using Physics-Informed Neural Networks: Spatial Discovery of Elastic Modulus and Poisson's Ratio
,”
Acta Biomater.
,
155
, pp.
400
409
.10.1016/j.actbio.2022.11.024
162.
Goswami
,
S.
,
Li
,
D. S.
,
Rego
,
B. V.
,
Latorre
,
M.
,
Humphrey
,
J. D.
, and
Karniadakis
,
G. E.
,
2022
, “
Neural Operator Learning of Heterogeneous Mechanobiological Insults Contributing to Aortic Aneurysms
,”
J. R. Soc. Interface
,
19
(
193
), p.
20220410
. 10.1098/rsif.2022.0410
163.
Mukherjee
,
P.
,
Park
,
S. H.
,
Pathak
,
N.
,
Patino
,
C. A.
,
Bao
,
G.
, and
Espinosa
,
H. D.
,
2022
, “
Integrating Micro and Nano Technologies for Cell Engineering and Analysis: Toward the Next Generation of Cell Therapy Workflows
,”
ACS Nano
,
16
(
10
), pp.
15653
15680
.10.1021/acsnano.2c05494
164.
Patino
,
C. A.
,
Mukherjee
,
P.
,
Lemaitre
,
V.
,
Pathak
,
N.
, and
Espinosa
,
H. D.
,
2021
, “
Deep Learning and Computer Vision Strategies for Automated Gene Editing With a Single-Cell Electroporation Platform
,”
SLAS Technol. Transl. Life Sci. Innov.
,
26
(
1
), pp.
26
36
.10.1177/2472630320982320
165.
Muliana
,
A.
,
Haj-Ali
,
R. M.
,
Steward
,
R.
, and
Saxena
,
A.
,
2002
, “
Artificial Neural Network and Finite Element Modeling of Nanoindentation Tests
,”
Metall. Mater. Trans. A-Phys. Metall. Mater. Sci.
,
33
(
7
), pp.
1939
1947
.10.1007/s11661-002-0027-3
166.
Huber
,
N.
,
Konstantinidis
,
A.
, and
Tsakmakis
,
C.
,
2001
, “
Determination of Poisson's Ratio by Spherical Indentation Using Neural Networks—Part I: Theory
,”
ASME J. Appl. Mech.
,
68
(
2
), pp.
218
223
.10.1115/1.1354624
167.
Huber
,
N.
, and
Tsakmakis
,
C.
,
2001
, “
Determination of Poisson's Ratio by Spherical Indentation Using Neural networks - Part II: Identification Method
,”
ASME J. Appl. Mech.
,
68
(
2
), pp.
224
229
.10.1115/1.1355032
168.
Zhang
,
Y. P.
, and
Needleman
,
A.
,
2021
, “
Characterization of Plastically Compressible Solids Via Spherical Indentation
,”
J. Mech. Phys. Solids
,
148
, p.
104283
.10.1016/j.jmps.2020.104283
169.
Fernandez-Zelaia
,
P.
,
Roshan Joseph
,
V.
,
Kalidindi
,
S. R.
, and
Melkote
,
S. N.
,
2018
, “
Estimating Mechanical Properties From Spherical Indentation Using Bayesian Approaches
,”
Mater. Des.
,
147
, pp.
92
105
.10.1016/j.matdes.2018.03.037
170.
Chandrashekar
,
A.
,
Belardinelli
,
P.
,
Bessa
,
M. A.
,
Staufer
,
U.
, and
Alijani
,
F.
,
2022
, “
Quantifying Nanoscale Forces Using Machine Learning in Dynamic Atomic Force Microscopy
,”
Nanoscale Adv.
,
4
(
9
), pp.
2134
2143
.10.1039/D2NA00011C
171.
Herriott
,
C.
, and
Spear
,
A. D.
,
2020
, “
Predicting Microstructure-Dependent Mechanical Properties in Additively Manufactured Metals With Machine-and Deep-Learning Methods
,”
Comput. Mater. Sci.
,
175
, p.
109599
.10.1016/j.commatsci.2020.109599
172.
Sepasdar
,
R.
,
Karpatne
,
A.
, and
Shakiba
,
M.
,
2022
, “
A Data-Driven Approach to Full-Field Nonlinear Stress Distribution and Failure Pattern Prediction in Composites Using Deep Learning
,”
Comput. Methods Appl. Mech. Eng.
,
397
, p.
115126
.10.1016/j.cma.2022.115126
173.
Bulgarevich
,
D. S.
,
Tsukamoto
,
S.
,
Kasuya
,
T.
,
Demura
,
M.
, and
Watanabe
,
M.
,
2018
, “
Pattern Recognition With Machine Learning on Optical Microscopy Images of Typical Metallurgical Microstructures
,”
Sci. Rep.
,
8
(
1
), pp.
1
8
.10.1038/s41598-018-20438-6
174.
Alderete
,
N. A.
,
Pathak
,
N.
, and
Espinosa
,
H. D.
,
2022
, “
Machine Learning Assisted Design of Shape-Programmable 3D Kirigami Metamaterials
,”
NPJ Comput. Mater.
,
8
(
1
), p. 191.10.1038/s41524-022-00873-w
175.
Ma
,
C.
,
Chang
,
Y.
,
Wu
,
S.
, and
Zhao
,
R. R.
,
2022
, “
Deep Learning-Accelerated Designs of Tunable Magneto-Mechanical Metamaterials
,”
ACS Appl. Mater. Interfaces
,
14
(
29
), pp.
33892
33902
.10.1021/acsami.2c09052
176.
Hsu
,
T.
,
Epting
,
W. K.
,
Kim
,
H.
,
Abernathy
,
H. W.
,
Hackett
,
G. A.
,
Rollett
,
A. D.
,
Salvador
,
P. A.
, and
Holm
,
E. A.
,
2021
, “
Microstructure Generation Via Generative Adversarial Network for Heterogeneous, Topologically Complex 3d Materials
,”
JOM
,
73
(
1
), pp.
90
102
.10.1007/s11837-020-04484-y
177.
Zhang
,
X.
,
Nguyen
,
H.
,
Paci
,
J. T.
,
Sankaranarayanan
,
S. K. R. S.
,
Mendoza-Cortes
,
J. L.
, and
Espinosa
,
H. D.
,
2021
, “
Multi-Objective Parametrization of Interatomic Potentials for Large Deformation Pathways and Fracture of Two-Dimensional Materials
,”
NPJ Comput. Mater.
,
7
(
1
), p. 113.10.1038/s41524-021-00573-x
178.
Zhang
,
X.
,
Nguyen
,
H.
,
Zhang
,
X.
,
Ajayan
,
P. M.
,
Wen
,
J.
, and
Espinosa
,
H. D.
,
2022
, “
Atomistic Measurement and Modeling of Intrinsic Fracture Toughness of Two-Dimensional Materials
,”
Proc. Natl. Acad. Sci.
,
119
(
45
), p.
e2206756119
.10.1073/pnas.2206756119
179.
Griffith
,
A. A.
,
1921
, “
VI. The Phenomena of Rupture and Flow in Solids
,”
Philos. Trans. R. Soc. London. Ser. A
,
221
(
582–593
), pp.
163
198
.10.1098/rsta.1921.0006
180.
Zhu
,
X. K.
, and
Joyce
,
J. A.
,
2012
, “
Review of Fracture Toughness (G, K, J, CTOD, CTOA) Testing and Standardization
,”
Eng. Fract. Mech.
,
85
, pp.
1
46
.10.1016/j.engfracmech.2012.02.001
181.
Zhang
,
E.
,
Bai
,
R.
,
Morelle
,
X. P.
, and
Suo
,
Z.
,
2018
, “
Fatigue Fracture of Nearly Elastic Hydrogels
,”
Soft Matter
,
14
(
18
), pp.
3563
3571
.10.1039/C8SM00460A
182.
Sun
,
J.-Y.
,
Zhao
,
X.
,
Illeperuma
,
W. R. K.
,
Chaudhuri
,
O.
,
Oh
,
K. H.
,
Mooney
,
D. J.
,
Vlassak
,
J. J.
, and
Suo
,
Z.
,
2012
, “
Highly Stretchable and Tough Hydrogels
,”
Naure
,
489
(
7414
), pp.
133
136
.10.1038/nature11409
183.
Liu
,
Z. L.
,
2020
, “
Deep Material Network With Cohesive Layers: Multi-Stage Training and Interfacial Failure Analysis
,”
Comput. Methods Appl. Mech. Eng.
,
363
, p.
112913
.10.1016/j.cma.2020.112913
184.
Wang
,
K.
, and
Sun
,
W. C.
,
2019
, “
Meta-Modeling Game for Deriving Theory-Consistent, Microstructure-Based Traction-Separation Laws Via Deep Reinforcement Learning
,”
Comput. Methods Appl. Mech. Eng.
,
346
, pp.
216
241
.10.1016/j.cma.2018.11.026
185.
Worthington
,
M.
, and
Chew
,
H. B.
,
2023
, “
Crack Path Predictions in Heterogeneous Media by Machine Learning
,”
J. Mech. Phys. Solids
,
172
, p.
105188
.10.1016/j.jmps.2022.105188
186.
Chon
,
M. J.
,
Daly
,
M.
,
Wang
,
B.
,
Xiao
,
X.
,
Zaheri
,
A.
,
Meyers
,
M. A.
, and
Espinosa
,
H. D.
,
2017
, “
Lamellae Spatial Distribution Modulates Fracture Behavior and Toughness of African Pangolin Scales
,”
J. Mech. Behav. Biomed. Mater.
,
76
, pp.
30
37
.10.1016/j.jmbbm.2017.06.009
187.
García-Moreno
,
F.
,
Kamm
,
P. H.
,
Neu
,
T. R.
,
Bülk
,
F.
,
Mokso
,
R.
,
Schlepütz
,
C. M.
,
Stampanoni
,
M.
, and
Banhart
,
J.
,
2019
, “
Using X-Ray Tomoscopy to Explore the Dynamics of Foaming Metal
,”
Nat. Commun.
,
10
(
1
), p.
3762
.10.1038/s41467-019-11521-1
188.
Espinosa
,
H. D.
,
Bernal
,
R. A.
, and
Minary-Jolandan
,
M.
,
2012
, “
A Review of Mechanical and Electromechanical Properties of Piezoelectric Nanowires
,”
Adv. Mater.
,
24
(
34
), pp.
4656
4675
.10.1002/adma.201104810
189.
Ramachandramoorthy
,
R.
,
Gao
,
W.
,
Bernal
,
R.
, and
Espinosa
,
H.
,
2016
, “
High Strain Rate Tensile Testing of Silver Nanowires: Rate-Dependent Brittle-to-Ductile Transition
,”
Nano Lett.
,
16
(
1
), pp.
255
263
.10.1021/acs.nanolett.5b03630
190.
Ramachandramoorthy
,
R.
,
Bernal
,
R.
, and
Espinosa
,
H. D.
,
2015
, “
Pushing the Envelope of in Situ Transmission Electron Microscopy
,”
ACS Nano
,
9
(
5
), pp.
4675
4685
.10.1021/acsnano.5b01391
191.
Bernal
,
R. A.
,
Ramachandramoorthy
,
R.
, and
Espinosa
,
H. D.
,
2015
, “
Double-Tilt in Situ TEM Holder With Multiple Electrical Contacts and Its Application in MEMS-Based Mechanical Testing of Nanomaterials
,”
Ultramicroscopy
,
156
, pp.
23
28
.10.1016/j.ultramic.2015.04.017
192.
Bernal
,
R. A.
,
Filleter
,
T.
,
Connell
,
J. G.
,
Sohn
,
K.
,
Huang
,
J.
,
Lauhon
,
L. J.
, and
Espinosa
,
H. D.
,
2014
, “
In Situ Electron Microscopy Four‐Point Electromechanical Characterization of Freestanding Metallic and Semiconducting Nanowires
,”
Small
,
10
(
4
), pp.
725
733
.10.1002/smll.201300736
193.
Sharma
,
A.
,
Mukhopadhyay
,
T.
, and
Kushvaha
,
V.
,
2022
, “
Experimental Data-Driven Uncertainty Quantification for the Dynamic Fracture Toughness of Particulate Polymer Composites
,”
Eng. Fract. Mech.
,
273
, p.
108724
.10.1016/j.engfracmech.2022.108724
194.
Niu
,
S.
,
Zhang
,
E.
,
Bazilevs
,
Y.
, and
Srivastava
,
V.
,
2023
, “
Modeling Finite-Strain Plasticity Using Physics Informed Neural Network and Assessment of the Network Performance
,”
J. Mech. Phys. Solids
,
172
, p.
105177
.10.1016/j.jmps.2022.105177
195.
Xu
,
B.-W.
,
Ye
,
S.
,
Li
,
M.
,
Zhao
,
H.-P.
, and
Feng
,
X.-Q.
,
2022
, “
Deep Learning Method for Predicting the Strengths of Microcracked Brittle Materials
,”
Eng. Fract. Mech.
,
271
, p.
108600
.10.1016/j.engfracmech.2022.108600
196.
Knudson
,
D. V.
, and
Knudson
,
D.
,
2007
,
Fundamentals of Biomechanics
, Vol.
183
,
Springer
, New York.
197.
Zhang
,
S.
,
Li
,
Y.
,
Zhang
,
S.
,
Shahabi
,
F.
,
Xia
,
S.
,
Deng
,
Y.
, and
Alshurafa
,
N.
,
2022
, “
Deep Learning in Human Activity Recognition With Wearable Sensors: A Review on Advances
,”
Sensors
,
22
(
4
), p.
1476
.10.3390/s22041476
198.
Halilaj
,
E.
,
Rajagopal
,
A.
,
Fiterau
,
M.
,
Hicks
,
J. L.
,
Hastie
,
T. J.
, and
Delp
,
S. L.
,
2018
, “
Machine Learning in Human Movement Biomechanics: Best Practices, Common Pitfalls, and New Opportunities
,”
J. Biomech.
,
81
, pp.
1
11
.10.1016/j.jbiomech.2018.09.009
199.
Phellan
,
R.
,
Hachem
,
B.
,
Clin
,
J.
,
Mac‐Thiong
,
J.
, and
Duong
,
L.
,
2021
, “
Real‐Time Biomechanics Using the Finite Element Method and Machine Learning: Review and Perspective
,”
Med. Phys.
,
48
(
1
), pp.
7
18
.10.1002/mp.14602
200.
Low
,
W. S.
,
Chan
,
C. K.
,
Chuah
,
J. H.
,
Tee
,
Y. K.
,
Hum
,
Y. C.
,
Salim
,
M. I. M.
, and
Lai
,
K. W.
,
2022
, “
A Review of Machine Learning Network in Human Motion Biomechanics
,”
J. Grid Comput.
,
20
(
1
), p.
4
.10.1007/s10723-021-09595-7
201.
Mouloodi
,
S.
,
Rahmanpanah
,
H.
,
Gohari
,
S.
,
Burvill
,
C.
,
Tse
,
K. M.
, and
Davies
,
H. M.
,
2021
, “
What Can Artificial Intelligence and Machine Learning Tell Us? A Review of Applications to Equine Biomechanical Research
,”
J. Mech. Behav. Biomed. Mater.
,
123
, p.
104728
.10.1016/j.jmbbm.2021.104728
202.
Gerbin
,
K. A.
,
Grancharova
,
T.
,
Donovan-Maiye
,
R. M.
,
Hendershott
,
M. C.
,
Anderson
,
H. G.
,
Brown
,
J. M.
,
Chen
,
J.
,
Dinh
,
S. Q.
,
Gehring
,
J. L.
,
Johnson
,
G. R.
,
Lee
,
H.
,
Nath
,
A.
,
Nelson
,
A. M.
,
Sluzewski
,
M. F.
,
Viana
,
M. P.
,
Yan
,
C.
,
Zaunbrecher
,
R. J.
,
Cordes Metzler
,
K. R.
,
Gaudreault
,
N.
,
Knijnenburg
,
T. A.
,
Rafelski
,
S. M.
,
Theriot
,
J. A.
, and
Gunawardane
,
R. N.
,
2021
, “
Cell States Beyond Transcriptomics: Integrating Structural Organization and Gene Expression in hiPSC-Derived Cardiomyocytes
,”
Cell Syst.
,
12
(
6
), pp.
670
687. e10
.10.1016/j.cels.2021.05.001
203.
Diab
,
M.
, Zhang, T., Zhao, R., Gao, H., and Kim, K-S.,
2013
, “
Ruga Mechanics of Creasing: From Instantaneous to Setback Creases
,”
Proc. R. Soc. A
,
469
(
2157
), p.
20120753
.10.1098/rspa.2012.0753
204.
Jin
,
H.
,
Landauer
,
A. K.
, and
Kim
,
K.-S.
,
2021
, “
Ruga Mechanics of Soft-Orifice Closure Under External Pressure
,”
Proc. R. Soc. A
,
477
(
2249
), p.
20210238
.10.1098/rspa.2021.0238
205.
Zhao
,
R.
,
Zhang
,
T.
,
Diab
,
M.
,
Gao
,
H.
, and
Kim
,
K.-S.
,
2015
, “
The Primary Bilayer Ruga-Phase Diagram I: Localizations in Ruga Evolution
,”
Ext. Mech. Lett.
,
4
, pp.
76
82
.10.1016/j.eml.2015.04.006
206.
Zhao
,
R.
,
Diab
,
M.
, and
Kim
,
K.-S.
,
2016
, “
The Primary Bilayer Ruga-Phase Diagram II: Irreversibility in Ruga Evolution
,”
ASME J. Appl. Mech.
,
83
(
9
), p.
091004
.10.1115/1.4033722
207.
Treloar
,
L.
,
1948
, “
Stresses and Birefringence in Rubber Subjected to General Homogeneous Strain
,”
Proc. Phys. Soc.
,
60
(
2
), pp.
135
144
.10.1088/0959-5309/60/2/303
208.
Ogden
,
R. W.
,
1972
, “
Large Deformation Isotropic Elasticity–On the Correlation of Theory and Experiment for Incompressible Rubberlike Solids
,”
Proc. R. Soc. Lond. A Math. Phys. Sci.
,
326
(
1567
), pp.
565
584
.
209.
Fung
,
Y-C.
,
2013
,
Biomechanics: Motion, Flow, Stress, and Growth
,
Springer Science & Business Media
, New York.
210.
Holzapfel
,
G. A.
,
Gasser
,
T. C.
, and
Ogden
,
R. W.
,
2000
, “
A New Constitutive Framework for Arterial Wall Mechanics and a Comparative Study of Material Models
,”
J. Elast. Phys. Sci. Solids
,
61
, pp.
1
48
.10.1023/A:1010835316564
211.
Shi
,
L.
,
Yao
,
W.
,
Gan
,
Y.
,
Zhao
,
L. Y.
,
Eugene McKee
,
W.
,
Vink
,
J.
,
Wapner
,
R. J.
,
Hendon
,
C. P.
, and
Myers
,
K.
,
2019
, “
Anisotropic Material Characterization of Human Cervix Tissue Based on Indentation and Inverse Finite Element Analysis
,”
ASME J. Biomech. Eng.
,
141
(
9
), p. 091017.10.1115/1.4043977
212.
Kakaletsis
,
S.
,
Meador
,
W. D.
,
Mathur
,
M.
,
Sugerman
,
G. P.
,
Jazwiec
,
T.
,
Malinowski
,
M.
,
Lejeune
,
E.
,
Timek
,
T. A.
, and
Rausch
,
M. K.
,
2021
, “
Right Ventricular Myocardial Mechanics: Multi-Modal Deformation, Microstructure, Modeling, and Comparison to the Left Ventricle
,”
Acta Biomater.
,
123
, pp.
154
166
.10.1016/j.actbio.2020.12.006
213.
Sugerman
,
G. P.
,
Kakaletsis
,
S.
,
Thakkar
,
P.
,
Chokshi
,
A.
,
Parekh
,
S. H.
, and
Rausch
,
M. K.
,
2021
, “
A Whole Blood Thrombus Mimic: Constitutive Behavior Under Simple Shear
,”
J. Mech. Behav. Biomed. Mater.
,
115
, p.
104216
.10.1016/j.jmbbm.2020.104216
214.
Kakaletsis
,
S.
,
Lejeune
,
E.
, and
Rausch
,
M. K.
,
2023
, “
Can Machine Learning Accelerate Soft Material Parameter Identification From Complex Mechanical Test Data?
,”
Biomech. Model. Mechanobiol.
,
22
(
1
), pp.
57
70
.10.1007/s10237-022-01631-z
215.
Holzapfel
,
G. A.
,
Niestrawska
,
J. A.
,
Ogden
,
R. W.
,
Reinisch
,
A. J.
, and
Schriefl
,
A. J.
,
2015
, “
Modelling Non-Symmetric Collagen Fibre Dispersion in Arterial Walls
,”
J. R. Soc. Interface
,
12
(
106
), p.
20150188
.10.1098/rsif.2015.0188
216.
Kirchdoerfer
,
T.
, and
Ortiz
,
M.
,
2016
, “
Data-Driven Computational Mechanics
,”
Comput. Methods Appl. Mech. Eng.
,
304
, pp.
81
101
.10.1016/j.cma.2016.02.001
217.
Eggersmann
,
R.
,
Kirchdoerfer
,
T.
,
Reese
,
S.
,
Stainier
,
L.
, and
Ortiz
,
M.
,
2019
, “
Model-Free Data-Driven Inelasticity
,”
Comput. Methods Appl. Mech. Eng.
,
350
, pp.
81
99
.10.1016/j.cma.2019.02.016
218.
Stainier
,
L.
,
Leygue
,
A.
, and
Ortiz
,
M.
,
2019
, “
Model-Free Data-Driven Methods in Mechanics: Material Data Identification and Solvers
,”
Comput. Mech.
,
64
(
2
), pp.
381
393
.10.1007/s00466-019-01731-1
219.
Prume
,
E.
,
Reese
,
S.
, and
Ortiz
,
M.
,
2023
, “
Model-Free Data-Driven Inference in Computational Mechanics
,”
Comput. Methods Appl. Mech. Eng.
,
403
, p.
115704
.10.1016/j.cma.2022.115704
220.
Tac
,
V.
,
Sree
,
V. D.
,
Rausch
,
M. K.
, and
Tepole
,
A. B.
,
2022
, “
Data-Driven Modeling of the Mechanical Behavior of Anisotropic Soft Biological Tissue
,”
Eng. Comput.
,
38
(
5
), pp.
4167
4182
.10.1007/s00366-022-01733-3
221.
He
,
Q.
,
Laurence
,
D. W.
,
Lee
,
C.-H.
, and
Chen
,
J.-S.
,
2021
, “
Manifold Learning Based Data-Driven Modeling for Soft Biological Tissues
,”
J. Biomech.
,
117
, p.
110124
.10.1016/j.jbiomech.2020.110124
222.
Li
,
L.
, and
Chen
,
C.
,
2022
, “
Equilibrium-Based Convolution Neural Networks for Constitutive Modeling of Hyperelastic Materials
,”
J. Mech. Phys. Solids
,
164
, p.
104931
.10.1016/j.jmps.2022.104931
223.
Wang
,
J.
,
Li
,
T.
,
Cui
,
F.
,
Hui
,
C.-Y.
,
Yeo
,
J.
, and
Zehnder
,
A. T.
,
2021
, “
Metamodeling of Constitutive Model Using Gaussian Process Machine Learning
,”
J. Mech. Phys. Solids
,
154
, p.
104532
.10.1016/j.jmps.2021.104532
224.
Liu
,
M.
,
Liang
,
L.
, and
Sun
,
W.
,
2020
, “
A Generic Physics-Informed Neural Network-Based Constitutive Model for Soft Biological Tissues
,”
Comput. Methods Appl. Mech. Eng.
,
372
, p.
113402
.10.1016/j.cma.2020.113402
225.
Chen
,
M.
,
Sologubenko
,
A. S.
, and
Wheeler
,
J. M.
,
2023
, “
Exploring Defect Behavior and Size Effects in Micron-Scale Germanium From Cryogenic to Elevated Temperatures
,”
Matter
,
6
(
6
), pp.
1903
1927
.10.1016/j.matt.2023.03.025
226.
Greer
,
J. R.
, and
De Hosson
,
J. T. M.
,
2011
, “
Plasticity in Small-Sized Metallic Systems: Intrinsic Versus Extrinsic Size Effect
,”
Prog. Mater. Sci.
,
56
(
6
), pp.
654
724
.10.1016/j.pmatsci.2011.01.005
227.
Gu
,
X. W.
,
Loynachan
,
C. N.
,
Wu
,
Z.
,
Zhang
,
Y.-W.
,
Srolovitz
,
D. J.
, and
Greer
,
J. R.
,
2012
, “
Size-Dependent Deformation of Nanocrystalline Pt Nanopillars
,”
Nano Lett.
,
12
(
12
), pp.
6385
6392
.10.1021/nl3036993
228.
Rao
,
Z.
,
Jin
,
H.
,
Engwall
,
A.
,
Chason
,
E.
, and
Kim
,
K.-S.
,
2020
, “
Determination of Stresses in Incrementally Deposited Films From Wafer-Curvature Measurements
,”
ASME J. Appl. Mech.
,
87
(
10
), p. 101006.10.1115/1.4047572
229.
Chason
,
E.
,
Sheldon
,
B. W.
,
Freund
,
L. B.
,
Floro
,
J. A.
, and
Hearne
,
S. J.
,
2002
, “
Origin of Compressive Residual Stress in Polycrystalline Thin Films
,”
Phys. Rev. Lett.
,
88
(
15
), p. 156103.10.1103/PhysRevLett.88.156103
230.
Espinosa
,
H.
, Prorok, B. C., Peng, B., Kim, K. H., Moldovan, N., Auciello, O., Carlisle, J. A., Gruen, D. M., and Mancini, D. C.,
2002
, “
Mechanical Properties of Ultrananocrystalline Diamond Thin Films for MEMS Applications
,”
MRS Online Proc. Libr. (OPL)
,
741
, p. J9.2.1.https://www.researchgate.net/publication/227168764_Mechanical_Properties_of_Ultrananocrystalline_Diamond_Thin_Films_Relevant_to_MEMSNE MS_Devices
231.
Espinosa
,
H.
,
Prorok
,
B.
, and
Peng
,
B.
,
2004
, “
Plasticity Size Effects in Free-Standing Submicron Polycrystalline FCC Films Subjected to Pure Tension
,”
J. Mech. Phys. Solids
,
52
(
3
), pp.
667
689
.10.1016/j.jmps.2003.07.001
232.
Pugno
,
N.
,
Peng
,
B.
, and
Espinosa
,
H.
,
2005
, “
Predictions of Strength in MEMS Components With Defects––A Novel Experimental–Theoretical Approach
,”
Int. J. Solids Struct.
,
42
(
2
), pp.
647
661
.10.1016/j.ijsolstr.2004.06.026
233.
Freund
,
L. B.
, and
Suresh
,
S.
,
2004
,
Thin Film Materials: Stress, Defect Formation and Surface Evolution
,
Cambridge University Press
, Cambridge, UK.
234.
Greer
,
J. R.
,
Oliver
,
W. C.
, and
Nix
,
W. D.
,
2006
, “
Size Dependence in Mechanical Properties of Gold at the Micron Scale in the Absence of Strain Gradients (Vol 53, pg 1821, 2005).
,”
Acta Mater.
,
54
(
6
), pp.
1705
1705
.10.1016/j.actamat.2005.12.004
235.
Zhao
,
H.
,
Li
,
Z.
,
Gao
,
H.
, and
Lu
,
L.
,
2022
, “
Fracture and Toughening Mechanisms in Nanotwinned and Nanolayered Materials
,”
MRS Bull.
,
47
(
8
), pp.
839
847
.10.1557/s43577-022-00376-5
236.
Jin
,
H.
,
Zhou
,
J.
, and
Chen
,
Y.
,
2018
, “
Grain Size Gradient and Length Scale Effect on Mechanical Behaviors of Surface Nanocrystalline Metals
,”
Mater. Sci. Eng. A
,
725
, pp.
1
7
.10.1016/j.msea.2018.03.103
237.
Li
,
X.
,
Lu
,
L.
,
Li
,
J.
,
Zhang
,
X.
, and
Gao
,
H.
,
2020
, “
Mechanical Properties and Deformation Mechanisms of Gradient Nanostructured Metals and Alloys
,”
Nat. Rev. Mater.
,
5
(
9
), pp.
706
723
.10.1038/s41578-020-0212-2
238.
Lee
,
B.
,
Roh
,
S.
, and
Park
,
J.
,
2009
, “
Current Status of Micro- and Nano-Structured Optical Fiber Sensors
,”
Opt. Fiber Technol.
,
15
(
3
), pp.
209
221
.10.1016/j.yofte.2009.02.006
239.
Ramachandramoorthy
,
R.
,
Wang
,
Y.
,
Aghaei
,
A.
,
Richter
,
G.
,
Cai
,
W.
, and
Espinosa
,
H. D.
,
2017
, “
Reliability of Single Crystal Silver Nanowire-Based Systems: Stress Assisted Instabilities
,”
ACS Nano
,
11
(
5
), pp.
4768
4776
.10.1021/acsnano.7b01075
240.
Bernal
,
R. A.
,
Aghaei
,
A.
,
Lee
,
S.
,
Ryu
,
S.
,
Sohn
,
K.
,
Huang
,
J.
,
Cai
,
W.
, and
Espinosa
,
H.
,
2015
, “
Intrinsic Bauschinger Effect and Recoverable Plasticity in Pentatwinned Silver Nanowires Tested in Tension
,”
Nano Letters
,
15
(
1
), pp.
139
146
.10.1021/nl503237t
241.
Espinosa
,
H. D.
,
Bernal
,
R. A.
, and
Filleter
,
T.
,
2013
, “
In‐Situ TEM Electromechanical Testing of Nanowires and Nanotubes
,”
Nano Cell Mech. Fundam. Front.
, 8, pp.
191
226
.10.1002/smll.201200342
242.
Akinwande
,
D.
,
Brennan
,
C. J.
,
Bunch
,
J. S.
,
Egberts
,
P.
,
Felts
,
J. R.
,
Gao
,
H.
,
Huang
,
R.
, et al.,
2017
, “
A Review on Mechanics and Mechanical Properties of 2D Materials-Graphene and Beyond
,”
Ext. Mech. Lett.
,
13
, pp.
42
77
.10.1016/j.eml.2017.01.008
243.
Wei
,
X.
,
Meng
,
Z.
,
Ruiz
,
L.
,
Xia
,
W.
,
Lee
,
C.
,
Kysar
,
J. W.
,
Hone
,
J. C.
,
Keten
,
S.
, and
Espinosa
,
H. D.
,
2016
, “
Recoverable Slippage Mechanism in Multilayer Graphene Leads to Repeatable Energy Dissipation
,”
ACS Nano
,
10
(
2
), pp.
1820
1828
.10.1021/acsnano.5b04939
244.
Soler-Crespo
,
R. A.
,
Mao
,
L.
,
Wen
,
J.
,
Nguyen
,
H. T.
,
Zhang
,
X.
,
Wei
,
X.
,
Huang
,
J.
,
Nguyen
,
S. T.
, and
Espinosa
,
H. D.
,
2019
, “
Atomically Thin Polymer Layer Enhances Toughness of Graphene Oxide Monolayers
,”
Matter
,
1
(
2
), pp.
369
388
.10.1016/j.matt.2019.04.005
245.
Yang
,
Y.
,
Song
,
Z.
,
Lu
,
G.
,
Zhang
,
Q.
,
Zhang
,
B.
,
Ni
,
B.
,
Wang
,
C.
,
Li
,
X.
,
Gu
,
L.
,
Xie
,
X.
,
Gao
,
H.
, and
Lou
,
J.
,
2021
, “
Intrinsic Toughening and Stable Crack Propagation in Hexagonal Boron Nitride
,”
Nature
,
594
(
7861
), pp.
57
61
.10.1038/s41586-021-03488-1
246.
Choi
,
J. Y.
,
Zhang
,
X.
,
Nguyen
,
H. T.
,
Roenbeck
,
M. R.
,
Mao
,
L.
,
Soler-Crespo
,
R.
,
Nguyen
,
S. T.
, and
Espinosa
,
H. D.
,
2021
, “
Atomistic Mechanisms of Adhesion and Shear Strength in Graphene Oxide-Polymer Interfaces
,”
J. Mech. Phys. Solids
,
156
, p.
104578
.10.1016/j.jmps.2021.104578
247.
Lin
,
Z.
,
Novelino
,
L. S.
,
Wei
,
H.
,
Alderete
,
N. A.
,
Paulino
,
G. H.
,
Espinosa
,
H. D.
, and
Krishnaswamy
,
S.
,
2020
, “
Folding at the Microscale: Enabling Multifunctional 3D Origami‐Architected Metamaterials
,”
Small
,
16
(
35
), p.
2002229
.10.1002/smll.202002229
248.
Bauer
,
J.
,
Meza
,
L. R.
,
Schaedler
,
T. A.
,
Schwaiger
,
R.
,
Zheng
,
X.
, and
Valdevit
,
L.
,
2017
, “
Nanolattices: An Emerging Class of Mechanical Metamaterials.
,”
Adv. Mater.
,
29
(
40
), p.
1701850
.10.1002/adma.201701850
249.
Vyatskikh
,
A.
,
Delalande
,
S.
,
Kudo
,
A.
,
Zhang
,
X.
,
Portela
,
C. M.
, and
Greer
,
J. R.
,
2018
, “
Additive Manufacturing of 3D Nano-Architected Metals
,”
Nat. Commun.
,
9
(
1
), p.
593
.10.1038/s41467-018-03071-9
250.
Meza
,
L. R.
,
Das
,
S.
, and
Greer
,
J. R.
,
2014
, “
Strong, Lightweight, and Recoverable Three-Dimensional Ceramic Nanolattices
,”
Science
,
345
(
6202
), pp.
1322
1326
.10.1126/science.1255908
251.
Bang
,
J.
,
Jeong
,
U.
,
Ryu
,
D. Y.
,
Russell
,
T. P.
, and
Hawker
,
C. J.
,
2009
, “
Block Copolymer Nanolithography: Translation of Molecular Level Control to Nanoscale Patterns
,”
Adv. Mater.
,
21
(
47
), pp.
4769
4792
.10.1002/adma.200803302
252.
Jin
,
H.
, Machnicki, C., Hegarty, J., Clifton, R. J., and Kim, K.-S.,
2022
, “Understanding the Nanoscale Deformation Mechanisms of Polyurea From In Situ AFM Tensile Experiments,” Challenges in Mechanics of Time Dependent Materials, Mechanics of Biological Systems and Materials & Micro-and Nanomechanics, Vol. 2:
Proceedings of the 2021 Annual Conference on Experimental and Applied Mechanics
, Springer, New York, pp. 97–100.10.1007/978-3-030-86737-9_6
253.
Kim
,
K.-S.
, et al.,
2021
, “
Dynamic Fracture-Toughness Testing of a Hierarchically Nano-Structured Solid
,”
Fracture, Fatigue, Failure and Damage Evolution, Volume 3: Proceedings of the 2020 Annual Conference on Experimental and Applied Mechanics
,
Springer
, New York, pp.
97
100
.10.1007/978-3-030-60959-7_16
254.
Xia
,
S.
,
Qi
,
Y.
,
Perry
,
T.
, and
Kim
,
K.
,
2009
, “
Strength Characterization of Al/Si Interfaces: A Hybrid Method of Nanoindentation and Finite Element Analysis.
,”
Acta Mater.
,
57
(
3
), pp.
695
707
.10.1016/j.actamat.2008.10.011
255.
Shen
,
Y.-L.
,
Williams
,
J. J.
,
Piotrowski
,
G.
,
Chawla
,
N.
, and
Guo
,
Y. L.
,
2001
, “
Correlation Between Tensile and Indentation Behavior of Particle-Reinforced Metal Matrix Composites: An Experimental and Numerical Study
,”
Acta Mater.
,
49
(
16
), pp.
3219
3229
.10.1016/S1359-6454(01)00226-9
256.
Nix
,
W. D.
, and
Gao
,
H. J.
,
1998
, “
Indentation Size Effects in Crystalline Materials: A Law for Strain Gradient Plasticity
,”
J. Mech. Phys. Solids
,
46
(
3
), pp.
411
425
.10.1016/S0022-5096(97)00086-0
257.
Papakyriakou
,
M.
,
Lu
,
M.
, and
Xia
,
S. M.
,
2022
, “
Nanoindentation Size Effects in Lithiated and Sodiated Battery Electrode Materials
,”
ASME J. Appl. Mech.
,
89
(
7
), p. 071007.10.1115/1.4054512
258.
Oliver
,
W. C.
, and
Pharr
,
G. M.
,
1992
, “
An Improved Technique for Determining Hardness and Elastic-Modulus Using Load and Displacement Sensing Indentation Experiments
,”
J. Mater. Res.
,
7
(
6
), pp.
1564
1583
.10.1557/JMR.1992.1564
259.
Oliver
,
W. C.
, and
Pharr
,
G. M.
,
2004
, “
Measurement of Hardness and Elastic Modulus by Instrumented Indentation: Advances in Understanding and Refinements to Methodology
,”
J. Mater. Res.
,
19
(
1
), pp.
3
20
.10.1557/jmr.2004.19.1.3
260.
Alkorta
,
J.
,
Martinez-Esnaola
,
J. M.
, and
Sevillano
,
J. G.
,
2005
, “
Absence of One-to-One Correspondence Between Elastoplastic Properties and Sharp-Indentation Load-Penetration Data (Vol 20, pg 432, 2005)
,”
J. Mater. Res.
,
20
(
2
), pp.
432
437
.10.1557/JMR.2005.0053
261.
Chen
,
X.
,
Ogasawara
,
N.
,
Zhao
,
M.
, and
Chiba
,
N.
,
2007
, “
On the Uniqueness of Measuring Elastoplastic Properties From Indentation: The Indistinguishable Mystical Materials
,”
J. Mech. Phys. Solids
,
55
(
8
), pp.
1618
1660
.10.1016/j.jmps.2007.01.010
262.
Cheng
,
Y. T.
, and
Cheng
,
C. M.
,
1999
, “
Can Stress-Strain Relationships Be Obtained From Indentation Curves Using Conical and Pyramidal Indenters?
,”
J. Mater. Res.
,
14
(
9
), pp.
3493
3496
.10.1557/JMR.1999.0472
263.
Espinosa
,
H.
,
Prorok
,
B.
, and
Fischer
,
M.
,
2003
, “
A Methodology for Determining Mechanical Properties of Freestanding Thin Films and MEMS Materials
,”
J. Mech. Phys. Solids
,
51
(
1
), pp.
47
67
.10.1016/S0022-5096(02)00062-5
264.
Needleman
,
A.
,
Tvergaard
,
V.
, and
Van der Giessen
,
E.
,
2015
, “
Indentation of Elastically Soft and Plastically Compressible Solids
,”
Acta Mech. Sin.
,
31
(
4
), pp.
473
480
.10.1007/s10409-015-0467-9
265.
Bower
,
A. F.
, et al.,
1993
, “
Indentation of a Power Law Creeping Solid
,”
Proc. R. Soc. Math. Phys. Sci.
,
441
(
1911
), pp.
97
124
.10.1098/rspa.1993.0050
266.
Lee
,
H.
,
Huen
,
W. Y.
,
Vimonsatit
,
V.
, and
Mendis
,
P.
,
2019
, “
An Investigation of Nanomechanical Properties of Materials Using Nanoindentation and Artificial Neural Network
,”
Sci. Rep.
,
9
(
1
), p. 13189.10.1038/s41598-019-49780-z
267.
Konstantopoulos
,
G.
,
Koumoulos
,
E. P.
, and
Charitidis
,
C. A.
,
2020
, “
Classification of Mechanism of Reinforcement in the Fiber-Matrix Interface: Application of Machine Learning on Nanoindentation Data
,”
Mater. Des.
,
192
, p.
108705
.10.1016/j.matdes.2020.108705
268.
Weng
,
J.
,
Lindvall
,
R.
,
Zhuang
,
K.
,
Ståhl
,
J.-E.
,
Ding
,
H.
, and
Zhou
,
J.
,
2020
, “
A Machine Learning Based Approach for Determining the Stress-Strain Relation of Grey Cast Iron From Nanoindentation
,”
Mech. Mater.
,
148
, p.
103522
.10.1016/j.mechmat.2020.103522
269.
Haj-Ali
,
R.
, et al.,
2008
, “
Nonlinear Constitutive Models From Nanoindentation Tests Using Artificial Neural Networks
,”
Int. J. Plast.
,
24
(
3
), pp.
371
396
.10.1016/j.ijplas.2007.02.001
270.
Han
,
G.
,
Marimuthu
,
K. P.
, and
Lee
,
H.
,
2022
, “
Evaluation of Thin Film Material Properties Using a Deep Nanoindentation and ANN
,”
Mater. Des.
,
221
, p.
111000
.10.1016/j.matdes.2022.111000
271.
Jeong
,
K.
,
Lee
,
K.
,
Lee
,
S.
,
Kang
,
S.-G.
,
Jung
,
J.
,
Lee
,
H.
,
Kwak
,
N.
,
Kwon
,
D.
, and
Han
,
H. N.
,
2022
, “
Deep Learning-Based Indentation Plastometry in Anisotropic Materials
,”
Int. J. Plast.
,
157
, p.
103403
.10.1016/j.ijplas.2022.103403
272.
Li
,
H.
,
Gutierrez
,
L.
,
Toda
,
H.
,
Kuwazuru
,
O.
,
Liu
,
W.
,
Hangai
,
Y.
,
Kobayashi
,
M.
, and
Batres
,
R.
,
2016
, “
Identification of Material Properties Using Nanoindentation and Surrogate Modeling
,”
Int. J. Solids Struct.
,
81
, pp.
151
159
.10.1016/j.ijsolstr.2015.11.022
273.
Kim
,
Y.
,
Gu
,
G. H.
,
Asghari-Rad
,
P.
,
Noh
,
J.
,
Rho
,
J.
,
Seo
,
M. H.
, and
Kim
,
H. S.
,
2022
, “
Novel Deep Learning Approach for Practical Applications of Indentation
,”
Mater. Today Adv.
,
13
, p.
100207
.10.1016/j.mtadv.2022.100207
274.
Xia
,
J.
,
Won
,
C.
,
Kim
,
H.
,
Lee
,
W.
, and
Yoon
,
J.
,
2022
, “
Artificial Neural Networks for Predicting Plastic Anisotropy of Sheet Metals Based on Indentation Test
,”
Materials
,
15
(
5
), p.
1714
.10.3390/ma15051714
275.
Tyulyukovskiy
,
E.
, and
Huber
,
N.
,
2006
, “
Identification of Viscoplastic Material Parameters From Spherical Indentation Data: Part I. Neural Networks
,”
J. Mater. Res.
,
21
(
3
), pp.
664
676
.10.1557/jmr.2006.0076
276.
Meng
,
X. H.
, and
Karniadakis
,
G. E.
,
2020
, “
A Composite Neural Network That Learns From Multi-Fidelity Data: Application to Function Approximation and Inverse PDE Problems
,”
J. Comput. Phys.
,
401
, p.
109020
.10.1016/j.jcp.2019.109020
277.
Bayes
,
T.
,
1763
, “
LII. An Essay Towards Solving a Problem in the Doctrine of Chances. By the Late Rev. Mr. Bayes, FRS Communicated by Mr. Price, in a Letter to John Canton, AMFR S
,”
Philos. Trans. R. Soc. Lond.
, (
53
), pp.
370
418
.
278.
Castillo
,
A.
, and
Kalidindi
,
S. R.
,
2019
, “
A Bayesian Framework for the Estimation of the Single Crystal Elastic Parameters From Spherical Indentation Stress-Strain Measurements
,”
Front. Mater.
,
6
, p. 136.10.3389/fmats.2019.00136
279.
Wang
,
M. Z.
, and
Wu
,
J. J.
,
2019
, “
Identification of Plastic Properties of Metal Materials Using Spherical Indentation Experiment and Bayesian Model Updating Approach
,”
Int. J. Mech. Sci.
,
151
, pp.
733
745
.10.1016/j.ijmecsci.2018.12.027
280.
Zhang
,
Y.
, and
Needleman
,
A.
,
2020
, “
Influence of Assumed Strain Hardening Relation on Plastic Stress-Strain Response Identification From Conical Indentation
,”
ASME J. Eng. Mater. Technol.
,
142
(
3
), p. 031002.10.1115/1.4045852
281.
Zhang
,
Y.
, and
Needleman
,
A.
,
2021
, “
On the Identification of Power-Law Creep Parameters From Conical Indentation
,”
Proc. R. Soc. A Math. Phys. Eng. Sci.
,
477
(
2252
), p.
20210233
.
282.
Asgari
,
M.
,
Latifi
,
N.
,
Giovanniello
,
F.
,
Espinosa
,
H. D.
, and
Amabili
,
M.
,
2022
, “
Revealing Layer-Specific Ultrastructure and Nanomechanics of Fibrillar Collagen in Human Aorta Via Atomic Force Microscopy Testing: Implications on Tissue Mechanics at Macroscopic Scale.
,”
Adv. Nanobiomed. Res.
,
2
(
5
), p.
2100159
.10.1002/anbr.202100159
283.
Broussard
,
J. A.
,
Yang
,
R.
,
Huang
,
C.
,
Nathamgari
,
S. S. P.
,
Beese
,
A. M.
,
Godsel
,
L. M.
,
Hegazy
,
M. H.
,
Lee
,
S.
,
Zhou
,
F.
,
Sniadecki
,
N. J.
,
Green
,
K. J.
, and
Espinosa
,
H. D.
,
2017
, “
The Desmoplakin–Intermediate Filament Linkage Regulates Cell Mechanics
,”
Mol. Biol. Cell
,
28
(
23
), pp.
3156
3164
.10.1091/mbc.e16-07-0520
284.
Broussard
,
J. A.
,
Jaiganesh
,
A.
,
Zarkoob
,
H.
,
Conway
,
D. E.
,
Dunn
,
A. R.
,
Espinosa
,
H. D.
,
Janmey
,
P. A.
, and
Green
,
K. J.
,
2020
, “
Scaling Up Single-Cell Mechanics to Multicellular Tissues–The Role of the Intermediate Filament–Desmosome Network
,”
J. Cell Sci.
,
133
(
6
), p.
jcs228031
.
285.
Rajabifar
,
B.
,
Meyers
,
G. F.
,
Wagner
,
R.
, and
Raman
,
A.
,
2022
, “
Machine Learning Approach to Characterize the Adhesive and Mechanical Properties of Soft Polymers Using PeakForce Tapping AFM
,”
Macromolecules
,
55
(
19
), pp.
8731
8740
.10.1021/acs.macromol.2c00147
286.
Attard
,
P.
,
2000
, “
Interaction and Deformation of Elastic Bodies: Origin of Adhesion Hysteresis
,”
J. Phys. Chem. B
,
104
(
45
), pp.
10635
10641
.10.1021/jp0018955
287.
Nguyen
,
L. T. P.
, and
Liu
,
B. H.
,
2022
, “
Machine Learning Approach for Reducing Uncertainty in AFM Nanomechanical Measurements Through Selection of Appropriate Contact Model
,”
Eur. J. Mech. A-Solids
, 94, p.
104579
.10.1016/j.euromechsol.2022.104579
288.
Chan
,
H.
,
Cherukara
,
M.
,
Loeffler
,
T. D.
,
Narayanan
,
B.
, and
Sankaranarayanan
,
S. K. R. S.
,
2020
, “
Machine Learning Enabled Autonomous Microstructural Characterization in 3D Samples
,”
Npj Comput. Mater.
,
6
(
1
), p.
1
.10.1038/s41524-019-0267-z
289.
Bostanabad
,
R.
,
Zhang
,
Y.
,
Li
,
X.
,
Kearney
,
T.
,
Brinson
,
L. C.
,
Apley
,
D. W.
,
Liu
,
W. K.
, and
Chen
,
W.
,
2018
, “
Computational Microstructure Characterization and Reconstruction: Review of the State-of-the-Art Techniques
,”
Prog. Mater. Sci.
,
95
, pp.
1
41
.10.1016/j.pmatsci.2018.01.005
290.
Ge
,
M.
,
Su
,
F.
,
Zhao
,
Z.
, and
Su
,
D.
,
2020
, “
Deep Learning Analysis on Microscopic Imaging in Materials Science
,”
Mater. Today Nano
,
11
, p.
100087
.10.1016/j.mtnano.2020.100087
291.
Chowdhury
,
A.
,
Kautz
,
E.
,
Yener
,
B.
, and
Lewis
,
D.
,
2016
, “
Image Driven Machine Learning Methods for Microstructure Recognition
,”
Comput. Mater. Sci.
,
123
, pp.
176
187
.10.1016/j.commatsci.2016.05.034
292.
DeCost
,
B. L.
,
Lei
,
B.
,
Francis
,
T.
, and
Holm
,
E. A.
,
2019
, “
High Throughput Quantitative Metallography for Complex Microstructures Using Deep Learning: A Case Study in Ultrahigh Carbon Steel
,”
Microsc. Microanal.
,
25
(
1
), pp.
21
29
.10.1017/S1431927618015635
293.
Chen
,
Z.
, and
Daly
,
S.
,
2018
, “
Deformation Twin Identification in Magnesium Through Clustering and Computer Vision
,”
Mater. Sci. Eng. A
,
736
, pp.
61
75
.10.1016/j.msea.2018.08.083
294.
Durmaz
,
A. R.
,
Müller
,
M.
,
Lei
,
B.
,
Thomas
,
A.
,
Britz
,
D.
,
Holm
,
E. A.
,
Eberl
,
C.
,
Mücklich
,
F.
, and
Gumbsch
,
P.
,
2021
, “
A Deep Learning Approach for Complex Microstructure Inference
,”
Nat. Commun.
,
12
(
1
), p.
6272
.10.1038/s41467-021-26565-5
295.
Stuckner
,
J.
,
Harder
,
B.
, and
Smith
,
T. M.
,
2022
, “
Microstructure Segmentation With Deep Learning Encoders Pre-Trained on a Large Microscopy Dataset
,”
NPJ Comput. Mater.
,
8
(
1
), p.
200
.10.1038/s41524-022-00878-5
296.
Liu
,
Q.
,
Wu
,
H.
,
Paul
,
M. J.
,
He
,
P.
,
Peng
,
Z.
,
Gludovatz
,
B.
,
Kruzic
,
J. J.
,
Wang
,
C. H.
, and
Li
,
X.
,
2020
, “
Machine-Learning Assisted Laser Powder Bed Fusion Process Optimization for AlSi10 Mg: New Microstructure Description Indices and Fracture Mechanisms
,”
Acta Mater.
,
201
, pp.
316
328
.10.1016/j.actamat.2020.10.010
297.
Müller
,
A.
,
Karathanasopoulos
,
N.
,
Roth
,
C. C.
, and
Mohr
,
D.
,
2021
, “
Machine Learning Classifiers for Surface Crack Detection in Fracture Experiments
,”
Int. J. Mech. Sci.
,
209
, p.
106698
.10.1016/j.ijmecsci.2021.106698
298.
Hashemi
,
S.
, and
Kalidindi
,
S. R.
,
2021
, “
A Machine Learning Framework for the Temporal Evolution of Microstructure During Static Recrystallization of Polycrystalline Materials Simulated by Cellular Automaton
,”
Comput. Mater. Sci.
,
188
, p.
110132
.10.1016/j.commatsci.2020.110132
299.
Li
,
Y.
, and
Li
,
S.
,
2022
, “
Deep Learning Based Phase Transformation Model for the Prediction of Microstructure and Mechanical Properties of Hot-Stamped Parts
,”
Int. J. Mech. Sci.
,
220
, p.
107134
.10.1016/j.ijmecsci.2022.107134