Efficiently solving partial differential equations(PDEs)is a long-standing challenge in mathematics and physics research.In recent years,the rapid development of artificial intelligence technology has brought deep lea...Efficiently solving partial differential equations(PDEs)is a long-standing challenge in mathematics and physics research.In recent years,the rapid development of artificial intelligence technology has brought deep learning-based methods to the forefront of research on numerical methods for partial differential equations.Among them,physics-informed neural networks(PINNs)are a new class of deep learning methods that show great potential in solving PDEs and predicting complex physical phenomena.In the field of nonlinear science,solitary waves and rogue waves have been important research topics.In this paper,we propose an improved PINN that enhances the physical constraints of the neural network model by adding gradient information constraints.In addition,we employ meta-learning optimization to speed up the training process.We apply the improved PINNs to the numerical simulation and prediction of solitary and rogue waves.We evaluate the accuracy of the prediction results by error analysis.The experimental results show that the improved PINNs can make more accurate predictions in less time than that of the original PINNs.展开更多
Physics-informed neural networks(PINNs)have become an attractive machine learning framework for obtaining solutions to partial differential equations(PDEs).PINNs embed initial,boundary,and PDE constraints into the los...Physics-informed neural networks(PINNs)have become an attractive machine learning framework for obtaining solutions to partial differential equations(PDEs).PINNs embed initial,boundary,and PDE constraints into the loss function.The performance of PINNs is generally affected by both training and sampling.Specifically,training methods focus on how to overcome the training difficulties caused by the special PDE residual loss of PINNs,and sampling methods are concerned with the location and distribution of the sampling points upon which evaluations of PDE residual loss are accomplished.However,a common problem among these original PINNs is that they omit special temporal information utilization during the training or sampling stages when dealing with an important PDE category,namely,time-dependent PDEs,where temporal information plays a key role in the algorithms used.There is one method,called Causal PINN,that considers temporal causality at the training level but not special temporal utilization at the sampling level.Incorporating temporal knowledge into sampling remains to be studied.To fill this gap,we propose a novel temporal causality-based adaptive sampling method that dynamically determines the sampling ratio according to both PDE residual and temporal causality.By designing a sampling ratio determined by both residual loss and temporal causality to control the number and location of sampled points in each temporal sub-domain,we provide a practical solution by incorporating temporal information into sampling.Numerical experiments of several nonlinear time-dependent PDEs,including the Cahn–Hilliard,Korteweg–de Vries,Allen–Cahn and wave equations,show that our proposed sampling method can improve the performance.We demonstrate that using such a relatively simple sampling method can improve prediction performance by up to two orders of magnitude compared with the results from other methods,especially when points are limited.展开更多
A physics-informed neural network(PINN)is a powerful tool for solving differential equations in solid and fluid mechanics.However,it suffers from singularly perturbed boundary-layer problems in which there exist sharp...A physics-informed neural network(PINN)is a powerful tool for solving differential equations in solid and fluid mechanics.However,it suffers from singularly perturbed boundary-layer problems in which there exist sharp changes caused by a small perturbation parameter multiplying the highest-order derivatives.In this paper,we introduce Chien's composite expansion method into PINNs,and propose a novel architecture for the PINNs,namely,the Chien-PINN(C-PINN)method.This novel PINN method is validated by singularly perturbed differential equations,and successfully solves the wellknown thin plate bending problems.In particular,no cumbersome matching conditions are needed for the C-PINN method,compared with the previous studies based on matched asymptotic expansions.展开更多
Multi-scale system remains a classical scientific problem in fluid dynamics,biology,etc.In the present study,a scheme of multi-scale Physics-informed neural networks is proposed to solve the boundary layer flow at hig...Multi-scale system remains a classical scientific problem in fluid dynamics,biology,etc.In the present study,a scheme of multi-scale Physics-informed neural networks is proposed to solve the boundary layer flow at high Reynolds numbers without any data.The flow is divided into several regions with different scales based on Prandtl's boundary theory.Different regions are solved with governing equations in different scales.The method of matched asymptotic expansions is used to make the flow field continuously.A flow on a semi infinite flat plate at a high Reynolds number is considered a multi-scale problem because the boundary layer scale is much smaller than the outer flow scale.The results are compared with the reference numerical solutions,which show that the msPINNs can solve the multi-scale problem of the boundary layer in high Reynolds number flows.This scheme can be developed for more multi-scale problems in the future.展开更多
To reduce CO_(2) emissions in response to global climate change,shale reservoirs could be ideal candidates for long-term carbon geo-sequestration involving multi-scale transport processes.However,most current CO_(2) s...To reduce CO_(2) emissions in response to global climate change,shale reservoirs could be ideal candidates for long-term carbon geo-sequestration involving multi-scale transport processes.However,most current CO_(2) sequestration models do not adequately consider multiple transport mechanisms.Moreover,the evaluation of CO_(2) storage processes usually involves laborious and time-consuming numerical simulations unsuitable for practical prediction and decision-making.In this paper,an integrated model involving gas diffusion,adsorption,dissolution,slip flow,and Darcy flow is proposed to accurately characterize CO_(2) storage in depleted shale reservoirs,supporting the establishment of a training database.On this basis,a hybrid physics-informed data-driven neural network(HPDNN)is developed as a deep learning surrogate for prediction and inversion.By incorporating multiple sources of scientific knowledge,the HPDNN can be configured with limited simulation resources,significantly accelerating the forward and inversion processes.Furthermore,the HPDNN can more intelligently predict injection performance,precisely perform reservoir parameter inversion,and reasonably evaluate the CO_(2) storage capacity under complicated scenarios.The validation and test results demonstrate that the HPDNN can ensure high accuracy and strong robustness across an extensive applicability range when dealing with field data with multiple noise sources.This study has tremendous potential to replace traditional modeling tools for predicting and making decisions about CO_(2) storage projects in depleted shale reservoirs.展开更多
Partial Differential Equation(PDE)is among the most fundamental tools employed to model dynamic systems.Existing PDE modeling methods are typically derived from established knowledge and known phenomena,which are time...Partial Differential Equation(PDE)is among the most fundamental tools employed to model dynamic systems.Existing PDE modeling methods are typically derived from established knowledge and known phenomena,which are time-consuming and labor-intensive.Recently,discovering governing PDEs from collected actual data via Physics Informed Neural Networks(PINNs)provides a more efficient way to analyze fresh dynamic systems and establish PEDmodels.This study proposes Sequentially Threshold Least Squares-Lasso(STLasso),a module constructed by incorporating Lasso regression into the Sequentially Threshold Least Squares(STLS)algorithm,which can complete sparse regression of PDE coefficients with the constraints of l0 norm.It further introduces PINN-STLasso,a physics informed neural network combined with Lasso sparse regression,able to find underlying PDEs from data with reduced data requirements and better interpretability.In addition,this research conducts experiments on canonical inverse PDE problems and compares the results to several recent methods.The results demonstrated that the proposed PINN-STLasso outperforms other methods,achieving lower error rates even with less data.展开更多
The heat transfer through a concave permeable fin is analyzed by the local thermal non-equilibrium(LTNE)model.The governing dimensional temperature equations for the solid and fluid phases of the porous extended surfa...The heat transfer through a concave permeable fin is analyzed by the local thermal non-equilibrium(LTNE)model.The governing dimensional temperature equations for the solid and fluid phases of the porous extended surface are modeled,and then are nondimensionalized by suitable dimensionless terms.Further,the obtained nondimensional equations are solved by the clique polynomial method(CPM).The effects of several dimensionless parameters on the fin's thermal profiles are shown by graphical illustrations.Additionally,the current study implements deep neural structures to solve physics-governed coupled equations,and the best-suited hyperparameters are attained by comparison with various network combinations.The results of the CPM and physicsinformed neural network(PINN)exhibit good agreement,signifying that both methods effectively solve the thermal modeling problem.展开更多
Accurate insight into the heat generation rate(HGR) of lithium-ion batteries(LIBs) is one of key issues for battery management systems to formulate thermal safety warning strategies in advance.For this reason,this pap...Accurate insight into the heat generation rate(HGR) of lithium-ion batteries(LIBs) is one of key issues for battery management systems to formulate thermal safety warning strategies in advance.For this reason,this paper proposes a novel physics-informed neural network(PINN) approach for HGR estimation of LIBs under various driving conditions.Specifically,a single particle model with thermodynamics(SPMT) is first constructed for extracting the critical physical knowledge related with battery HGR.Subsequently,the surface concentrations of positive and negative electrodes in battery SPMT model are integrated into the bidirectional long short-term memory(BiLSTM) networks as physical information.And combined with other feature variables,a novel PINN approach to achieve HGR estimation of LIBs with higher accuracy is constituted.Additionally,some critical hyperparameters of BiLSTM used in PINN approach are determined through Bayesian optimization algorithm(BOA) and the results of BOA-based BiLSTM are compared with other traditional BiLSTM/LSTM networks.Eventually,combined with the HGR data generated from the validated virtual battery,it is proved that the proposed approach can well predict the battery HGR under the dynamic stress test(DST) and worldwide light vehicles test procedure(WLTP),the mean absolute error under DST is 0.542 kW/m^(3),and the root mean square error under WLTP is1.428 kW/m^(3)at 25℃.Lastly,the investigation results of this paper also show a new perspective in the application of the PINN approach in battery HGR estimation.展开更多
We consider solving the forward and inverse partial differential equations(PDEs)which have sharp solutions with physics-informed neural networks(PINNs)in this work.In particular,to better capture the sharpness of the ...We consider solving the forward and inverse partial differential equations(PDEs)which have sharp solutions with physics-informed neural networks(PINNs)in this work.In particular,to better capture the sharpness of the solution,we propose the adaptive sampling methods(ASMs)based on the residual and the gradient of the solution.We first present a residual only-based ASM denoted by ASMⅠ.In this approach,we first train the neural network using a small number of residual points and divide the computational domain into a certain number of sub-domains,then we add new residual points in the sub-domain which has the largest mean absolute value of the residual,and those points which have the largest absolute values of the residual in this sub-domain as new residual points.We further develop a second type of ASM(denoted by ASMⅡ)based on both the residual and the gradient of the solution due to the fact that only the residual may not be able to efficiently capture the sharpness of the solution.The procedure of ASMⅡis almost the same as that of ASMⅠ,and we add new residual points which have not only large residuals but also large gradients.To demonstrate the effectiveness of the present methods,we use both ASMⅠand ASMⅡto solve a number of PDEs,including the Burger equation,the compressible Euler equation,the Poisson equation over an Lshape domain as well as the high-dimensional Poisson equation.It has been shown from the numerical results that the sharp solutions can be well approximated by using either ASMⅠor ASMⅡ,and both methods deliver much more accurate solutions than the original PINNs with the same number of residual points.Moreover,the ASMⅡalgorithm has better performance in terms of accuracy,efficiency,and stability compared with the ASMⅠalgorithm.This means that the gradient of the solution improves the stability and efficiency of the adaptive sampling procedure as well as the accuracy of the solution.Furthermore,we also employ the similar adaptive sampling technique for the data points of boundary conditions(BCs)if the sharpness of the solution is near the boundary.The result of the L-shape Poisson problem indicates that the present method can significantly improve the efficiency,stability,and accuracy.展开更多
We propose the meshfree-based physics-informed neural networks for solving the unsteady Oseen equations.Firstly,based on the ideas of meshfree and small sample learning,we only randomly select a small number of spatio...We propose the meshfree-based physics-informed neural networks for solving the unsteady Oseen equations.Firstly,based on the ideas of meshfree and small sample learning,we only randomly select a small number of spatiotemporal points to train the neural network instead of forming a mesh.Specifically,we optimize the neural network by minimizing the loss function to satisfy the differential operators,initial condition and boundary condition.Then,we prove the convergence of the loss function and the convergence of the neural network.In addition,the feasibility and effectiveness of the method are verified by the results of numerical experiments,and the theoretical derivation is verified by the relative error between the neural network solution and the analytical solution.展开更多
Material identification is critical for understanding the relationship between mechanical properties and the associated mechanical functions.However,material identification is a challenging task,especially when the ch...Material identification is critical for understanding the relationship between mechanical properties and the associated mechanical functions.However,material identification is a challenging task,especially when the characteristic of the material is highly nonlinear in nature,as is common in biological tissue.In this work,we identify unknown material properties in continuum solid mechanics via physics-informed neural networks(PINNs).To improve the accuracy and efficiency of PINNs,we develop efficient strategies to nonuniformly sample observational data.We also investigate different approaches to enforce Dirichlet-type boundary conditions(BCs)as soft or hard constraints.Finally,we apply the proposed methods to a diverse set of time-dependent and time-independent solid mechanic examples that span linear elastic and hyperelastic material space.The estimated material parameters achieve relative errors of less than 1%.As such,this work is relevant to diverse applications,including optimizing structural integrity and developing novel materials.展开更多
Physics-informed neural networks(PINNs)are proved methods that are effective in solving some strongly nonlinear partial differential equations(PDEs),e.g.,Navier-Stokes equations,with a small amount of boundary or inte...Physics-informed neural networks(PINNs)are proved methods that are effective in solving some strongly nonlinear partial differential equations(PDEs),e.g.,Navier-Stokes equations,with a small amount of boundary or interior data.However,the feasibility of applying PINNs to the flow at moderate or high Reynolds numbers has rarely been reported.The present paper proposes an artificial viscosity(AV)-based PINN for solving the forward and inverse flow problems.Specifically,the AV used in PINNs is inspired by the entropy viscosity method developed in conventional computational fluid dynamics(CFD)to stabilize the simulation of flow at high Reynolds numbers.The newly developed PINN is used to solve the forward problem of the two-dimensional steady cavity flow at Re=1000 and the inverse problem derived from two-dimensional film boiling.The results show that the AV augmented PINN can solve both problems with good accuracy and substantially reduce the inference errors in the forward problem.展开更多
Physics-informed neural networks are a useful machine learning method for solving differential equations,but encounter challenges in effectively learning thin boundary layers within singular perturbation problems.To r...Physics-informed neural networks are a useful machine learning method for solving differential equations,but encounter challenges in effectively learning thin boundary layers within singular perturbation problems.To resolve this issue,multi-scale-matching neural networks are proposed to solve the singular perturbation problems.Inspired by matched asymptotic expansions,the solution is decomposed into inner solutions for small scales and outer solutions for large scales,corresponding to boundary layers and outer regions,respectively.Moreover,to conform neural networks,we introduce exponential stretched variables in the boundary layers to avoid semiinfinite region problems.Numerical results for the thin plate problem validate the proposed method.展开更多
Recently,deep learning has yielded transformative success across optics and photonics,especially in optical metrology.Deep neural networks (DNNs) with a fully convolutional architecture (e.g.,U-Net and its derivatives...Recently,deep learning has yielded transformative success across optics and photonics,especially in optical metrology.Deep neural networks (DNNs) with a fully convolutional architecture (e.g.,U-Net and its derivatives) have been widely implemented in an end-to-end manner to accomplish various optical metrology tasks,such as fringe denoising,phase unwrapping,and fringe analysis.However,the task of training a DNN to accurately identify an image-to-image transform from massive input and output data pairs seems at best naive,as the physical laws governing the image formation or other domain expertise pertaining to the measurement have not yet been fully exploited in current deep learning practice.To this end,we introduce a physics-informed deep learning method for fringe pattern analysis (PI-FPA) to overcome this limit by integrating a lightweight DNN with a learning-enhanced Fourier transform profilometry (Le FTP) module.By parameterizing conventional phase retrieval methods,the Le FTP module embeds the prior knowledge in the network structure and the loss function to directly provide reliable phase results for new types of samples,while circumventing the requirement of collecting a large amount of high-quality data in supervised learning methods.Guided by the initial phase from Le FTP,the phase recovery ability of the lightweight DNN is enhanced to further improve the phase accuracy at a low computational cost compared with existing end-to-end networks.Experimental results demonstrate that PI-FPA enables more accurate and computationally efficient single-shot phase retrieval,exhibiting its excellent generalization to various unseen objects during training.The proposed PI-FPA presents that challenging issues in optical metrology can be potentially overcome through the synergy of physics-priors-based traditional tools and data-driven learning approaches,opening new avenues to achieve fast and accurate single-shot 3D imaging.展开更多
The breakage of brittle particulate materials into smaller particles under compressive or impact loads can be modelled as an instantiation of the population balance integro-differential equation.In this paper,the emer...The breakage of brittle particulate materials into smaller particles under compressive or impact loads can be modelled as an instantiation of the population balance integro-differential equation.In this paper,the emerging computational science paradigm of physics-informed neural networks is studied for the first time for solving both linear and nonlinear variants of the governing dynamics.Unlike conventional methods,the proposed neural network provides rapid simulations of arbitrarily high resolution in particle size,predicting values on arbitrarily fine grids without the need for model retraining.The network is assigned a simple multi-head architecture tailored to uphold monotonicity of the modelled cumulative distribution function over particle sizes.The method is theoretically analyzed and validated against analytical results before being applied to real-world data of a batch grinding mill.The agreement between laboratory data and numerical simulation encourages the use of physics-informed neural nets for optimal planning and control of industrial comminution processes.展开更多
Hyperspectral image classification stands as a pivotal task within the field of remote sensing,yet achieving highprecision classification remains a significant challenge.In response to this challenge,a Spectral Convol...Hyperspectral image classification stands as a pivotal task within the field of remote sensing,yet achieving highprecision classification remains a significant challenge.In response to this challenge,a Spectral Convolutional Neural Network model based on Adaptive Fick’s Law Algorithm(AFLA-SCNN)is proposed.The Adaptive Fick’s Law Algorithm(AFLA)constitutes a novel metaheuristic algorithm introduced herein,encompassing three new strategies:Adaptive weight factor,Gaussian mutation,and probability update policy.With adaptive weight factor,the algorithmcan adjust theweights according to the change in the number of iterations to improve the performance of the algorithm.Gaussianmutation helps the algorithm avoid falling into local optimal solutions and improves the searchability of the algorithm.The probability update strategy helps to improve the exploitability and adaptability of the algorithm.Within the AFLA-SCNN model,AFLA is employed to optimize two hyperparameters in the SCNN model,namely,“numEpochs”and“miniBatchSize”,to attain their optimal values.AFLA’s performance is initially validated across 28 functions in 10D,30D,and 50D for CEC2013 and 29 functions in 10D,30D,and 50D for CEC2017.Experimental results indicate AFLA’s marked performance superiority over nine other prominent optimization algorithms.Subsequently,the AFLA-SCNN model was compared with the Spectral Convolutional Neural Network model based on Fick’s Law Algorithm(FLA-SCNN),Spectral Convolutional Neural Network model based on Harris Hawks Optimization(HHO-SCNN),Spectral Convolutional Neural Network model based onDifferential Evolution(DE-SCNN),SpectralConvolutionalNeuralNetwork(SCNN)model,and SupportVector Machines(SVM)model using the Indian Pines dataset and PaviaUniversity dataset.The experimental results show that the AFLA-SCNN model outperforms other models in terms of Accuracy,Precision,Recall,and F1-score on Indian Pines and Pavia University.Among them,the Accuracy of the AFLA-SCNN model on Indian Pines reached 99.875%,and the Accuracy on PaviaUniversity reached 98.022%.In conclusion,our proposed AFLA-SCNN model is deemed to significantly enhance the precision of hyperspectral image classification.展开更多
Prognosis of bearing is critical to improve the safety,reliability,and availability of machinery systems,which provides the health condition assessment and determines how long the machine would work before failure occ...Prognosis of bearing is critical to improve the safety,reliability,and availability of machinery systems,which provides the health condition assessment and determines how long the machine would work before failure occurs by predicting the remaining useful life(RUL).In order to overcome the drawback of pure data-driven methods and predict RUL accurately,a novel physics-informed deep neural network,named degradation consistency recurrent neural network,is proposed for RUL prediction by integrating the natural degradation knowledge of mechanical components.The degradation is monotonic over the whole life of bearings,which is characterized by temperature signals.To incorporate the knowledge of monotonic degradation,a positive increment recurrence relationship is introduced to keep the monotonicity.Thus,the proposed model is relatively well understood and capable to keep the learning process consistent with physical degradation.The effectiveness and merit of the RUL prediction using the proposed method are demonstrated through vibration signals collected from a set of run-to-failure tests.展开更多
This paper presents a novel framework aimed at quantifying uncertainties associated with the 3D reconstruction of smoke from2Dimages.This approach reconstructs color and density fields from 2D images using Neural Radi...This paper presents a novel framework aimed at quantifying uncertainties associated with the 3D reconstruction of smoke from2Dimages.This approach reconstructs color and density fields from 2D images using Neural Radiance Field(NeRF)and improves image quality using frequency regularization.The NeRF model is obtained via joint training ofmultiple artificial neural networks,whereby the expectation and standard deviation of density fields and RGB values can be evaluated for each pixel.In addition,customized physics-informed neural network(PINN)with residual blocks and two-layer activation functions are utilized to input the density fields of the NeRF into Navier-Stokes equations and convection-diffusion equations to reconstruct the velocity field.The velocity uncertainties are also evaluated through ensemble learning.The effectiveness of the proposed algorithm is demonstrated through numerical examples.The presentmethod is an important step towards downstream tasks such as reliability analysis and robust optimization in engineering design.展开更多
In the establishment of differential equations,the determination of time-varying parameters is a difficult problem,especially for equations related to life activities.Thus,we propose a new framework named BioE-PINN ba...In the establishment of differential equations,the determination of time-varying parameters is a difficult problem,especially for equations related to life activities.Thus,we propose a new framework named BioE-PINN based on a physical information neural network that successfully obtains the time-varying parameters of differential equations.In the proposed framework,the learnable factors and scale parameters are used to implement adaptive activation functions,and hard constraints and loss function weights are skillfully added to the neural network output to speed up the training convergence and improve the accuracy of physical information neural networks.In this paper,taking the electrophysiological differential equation as an example,the characteristic parameters of ion channel and pump kinetics are determined using BioE-PINN.The results demonstrate that the numerical solution of the differential equation is calculated by the parameters predicted by BioE-PINN,the RootMean Square Error(RMSE)is between 0.01 and 0.3,and the Pearson coefficient is above 0.87,which verifies the effectiveness and accuracy of BioE-PINN.Moreover,realmeasuredmembrane potential data in animals and plants are employed to determine the parameters of the electrophysiological equations,with RMSE 0.02-0.2 and Pearson coefficient above 0.85.In conclusion,this framework can be applied not only for differential equation parameter determination of physiological processes but also the prediction of time-varying parameters of equations in other fields.展开更多
Recently,the physics-informed neural network shows remarkable ability in the context of solving the low-dimensional nonlinear partial differential equations.However,for some cases of high-dimensional systems,such tech...Recently,the physics-informed neural network shows remarkable ability in the context of solving the low-dimensional nonlinear partial differential equations.However,for some cases of high-dimensional systems,such technique may be time-consuming and inaccurate.In this paper,the authors put forward a pre-training physics-informed neural network with mixed sampling(pPINN)to address these issues.Just based on the initial and boundary conditions,the authors design the pre-training stage to filter out the set of the misfitting points,which is regarded as part of the training points in the next stage.The authors further take the parameters of the neural network in Stage 1 as the initialization in Stage 2.The advantage of the proposed approach is that it takes less time to transfer the valuable information from the first stage to the second one to improve the calculation accuracy,especially for the high-dimensional systems.To verify the performance of the pPINN algorithm,the authors first focus on the growing-and-decaying mode of line rogue wave in the Davey-Stewartson I equation.Another case is the accelerated motion of lump in the inhomogeneous Kadomtsev-Petviashvili equation,which admits a more complex evolution than the uniform equation.The exact solution provides a perfect sample for data experiments,and can also be used as a reference frame to identify the performance of the algorithm.The experiments confirm that the pPINN algorithm can improve the prediction accuracy and training efficiency well,and reduce the training time to a large extent for simulating nonlinear waves of high-dimensional equations.展开更多
基金Project supported by the National Natural Science Foundation of China(Grant Nos.42005003 and 41475094).
文摘Efficiently solving partial differential equations(PDEs)is a long-standing challenge in mathematics and physics research.In recent years,the rapid development of artificial intelligence technology has brought deep learning-based methods to the forefront of research on numerical methods for partial differential equations.Among them,physics-informed neural networks(PINNs)are a new class of deep learning methods that show great potential in solving PDEs and predicting complex physical phenomena.In the field of nonlinear science,solitary waves and rogue waves have been important research topics.In this paper,we propose an improved PINN that enhances the physical constraints of the neural network model by adding gradient information constraints.In addition,we employ meta-learning optimization to speed up the training process.We apply the improved PINNs to the numerical simulation and prediction of solitary and rogue waves.We evaluate the accuracy of the prediction results by error analysis.The experimental results show that the improved PINNs can make more accurate predictions in less time than that of the original PINNs.
基金Project supported by the Key National Natural Science Foundation of China(Grant No.62136005)the National Natural Science Foundation of China(Grant Nos.61922087,61906201,and 62006238)。
文摘Physics-informed neural networks(PINNs)have become an attractive machine learning framework for obtaining solutions to partial differential equations(PDEs).PINNs embed initial,boundary,and PDE constraints into the loss function.The performance of PINNs is generally affected by both training and sampling.Specifically,training methods focus on how to overcome the training difficulties caused by the special PDE residual loss of PINNs,and sampling methods are concerned with the location and distribution of the sampling points upon which evaluations of PDE residual loss are accomplished.However,a common problem among these original PINNs is that they omit special temporal information utilization during the training or sampling stages when dealing with an important PDE category,namely,time-dependent PDEs,where temporal information plays a key role in the algorithms used.There is one method,called Causal PINN,that considers temporal causality at the training level but not special temporal utilization at the sampling level.Incorporating temporal knowledge into sampling remains to be studied.To fill this gap,we propose a novel temporal causality-based adaptive sampling method that dynamically determines the sampling ratio according to both PDE residual and temporal causality.By designing a sampling ratio determined by both residual loss and temporal causality to control the number and location of sampled points in each temporal sub-domain,we provide a practical solution by incorporating temporal information into sampling.Numerical experiments of several nonlinear time-dependent PDEs,including the Cahn–Hilliard,Korteweg–de Vries,Allen–Cahn and wave equations,show that our proposed sampling method can improve the performance.We demonstrate that using such a relatively simple sampling method can improve prediction performance by up to two orders of magnitude compared with the results from other methods,especially when points are limited.
基金Project supported by the National Natural Science Foundation of China Basic Science Center Program for“Multiscale Problems in Nonlinear Mechanics”(No.11988102)the National Natural Science Foundation of China(No.12202451)。
文摘A physics-informed neural network(PINN)is a powerful tool for solving differential equations in solid and fluid mechanics.However,it suffers from singularly perturbed boundary-layer problems in which there exist sharp changes caused by a small perturbation parameter multiplying the highest-order derivatives.In this paper,we introduce Chien's composite expansion method into PINNs,and propose a novel architecture for the PINNs,namely,the Chien-PINN(C-PINN)method.This novel PINN method is validated by singularly perturbed differential equations,and successfully solves the wellknown thin plate bending problems.In particular,no cumbersome matching conditions are needed for the C-PINN method,compared with the previous studies based on matched asymptotic expansions.
文摘Multi-scale system remains a classical scientific problem in fluid dynamics,biology,etc.In the present study,a scheme of multi-scale Physics-informed neural networks is proposed to solve the boundary layer flow at high Reynolds numbers without any data.The flow is divided into several regions with different scales based on Prandtl's boundary theory.Different regions are solved with governing equations in different scales.The method of matched asymptotic expansions is used to make the flow field continuously.A flow on a semi infinite flat plate at a high Reynolds number is considered a multi-scale problem because the boundary layer scale is much smaller than the outer flow scale.The results are compared with the reference numerical solutions,which show that the msPINNs can solve the multi-scale problem of the boundary layer in high Reynolds number flows.This scheme can be developed for more multi-scale problems in the future.
基金This work is funded by National Natural Science Foundation of China(Nos.42202292,42141011)the Program for Jilin University(JLU)Science and Technology Innovative Research Team(No.2019TD-35).The authors would also like to thank the reviewers and editors whose critical comments are very helpful in preparing this article.
文摘To reduce CO_(2) emissions in response to global climate change,shale reservoirs could be ideal candidates for long-term carbon geo-sequestration involving multi-scale transport processes.However,most current CO_(2) sequestration models do not adequately consider multiple transport mechanisms.Moreover,the evaluation of CO_(2) storage processes usually involves laborious and time-consuming numerical simulations unsuitable for practical prediction and decision-making.In this paper,an integrated model involving gas diffusion,adsorption,dissolution,slip flow,and Darcy flow is proposed to accurately characterize CO_(2) storage in depleted shale reservoirs,supporting the establishment of a training database.On this basis,a hybrid physics-informed data-driven neural network(HPDNN)is developed as a deep learning surrogate for prediction and inversion.By incorporating multiple sources of scientific knowledge,the HPDNN can be configured with limited simulation resources,significantly accelerating the forward and inversion processes.Furthermore,the HPDNN can more intelligently predict injection performance,precisely perform reservoir parameter inversion,and reasonably evaluate the CO_(2) storage capacity under complicated scenarios.The validation and test results demonstrate that the HPDNN can ensure high accuracy and strong robustness across an extensive applicability range when dealing with field data with multiple noise sources.This study has tremendous potential to replace traditional modeling tools for predicting and making decisions about CO_(2) storage projects in depleted shale reservoirs.
文摘Partial Differential Equation(PDE)is among the most fundamental tools employed to model dynamic systems.Existing PDE modeling methods are typically derived from established knowledge and known phenomena,which are time-consuming and labor-intensive.Recently,discovering governing PDEs from collected actual data via Physics Informed Neural Networks(PINNs)provides a more efficient way to analyze fresh dynamic systems and establish PEDmodels.This study proposes Sequentially Threshold Least Squares-Lasso(STLasso),a module constructed by incorporating Lasso regression into the Sequentially Threshold Least Squares(STLS)algorithm,which can complete sparse regression of PDE coefficients with the constraints of l0 norm.It further introduces PINN-STLasso,a physics informed neural network combined with Lasso sparse regression,able to find underlying PDEs from data with reduced data requirements and better interpretability.In addition,this research conducts experiments on canonical inverse PDE problems and compares the results to several recent methods.The results demonstrated that the proposed PINN-STLasso outperforms other methods,achieving lower error rates even with less data.
基金funding this work through Small Research Project under grant number RGP.1/141/45。
文摘The heat transfer through a concave permeable fin is analyzed by the local thermal non-equilibrium(LTNE)model.The governing dimensional temperature equations for the solid and fluid phases of the porous extended surface are modeled,and then are nondimensionalized by suitable dimensionless terms.Further,the obtained nondimensional equations are solved by the clique polynomial method(CPM).The effects of several dimensionless parameters on the fin's thermal profiles are shown by graphical illustrations.Additionally,the current study implements deep neural structures to solve physics-governed coupled equations,and the best-suited hyperparameters are attained by comparison with various network combinations.The results of the CPM and physicsinformed neural network(PINN)exhibit good agreement,signifying that both methods effectively solve the thermal modeling problem.
基金funded by the Artificial Intelligence Technology Project of Xi’an Science and Technology Bureau in China(No.21RGZN0014)。
文摘Accurate insight into the heat generation rate(HGR) of lithium-ion batteries(LIBs) is one of key issues for battery management systems to formulate thermal safety warning strategies in advance.For this reason,this paper proposes a novel physics-informed neural network(PINN) approach for HGR estimation of LIBs under various driving conditions.Specifically,a single particle model with thermodynamics(SPMT) is first constructed for extracting the critical physical knowledge related with battery HGR.Subsequently,the surface concentrations of positive and negative electrodes in battery SPMT model are integrated into the bidirectional long short-term memory(BiLSTM) networks as physical information.And combined with other feature variables,a novel PINN approach to achieve HGR estimation of LIBs with higher accuracy is constituted.Additionally,some critical hyperparameters of BiLSTM used in PINN approach are determined through Bayesian optimization algorithm(BOA) and the results of BOA-based BiLSTM are compared with other traditional BiLSTM/LSTM networks.Eventually,combined with the HGR data generated from the validated virtual battery,it is proved that the proposed approach can well predict the battery HGR under the dynamic stress test(DST) and worldwide light vehicles test procedure(WLTP),the mean absolute error under DST is 0.542 kW/m^(3),and the root mean square error under WLTP is1.428 kW/m^(3)at 25℃.Lastly,the investigation results of this paper also show a new perspective in the application of the PINN approach in battery HGR estimation.
基金Project supported by the National Key R&D Program of China(No.2022YFA1004504)the National Natural Science Foundation of China(Nos.12171404 and 12201229)the Fundamental Research Funds for Central Universities of China(No.20720210037)。
文摘We consider solving the forward and inverse partial differential equations(PDEs)which have sharp solutions with physics-informed neural networks(PINNs)in this work.In particular,to better capture the sharpness of the solution,we propose the adaptive sampling methods(ASMs)based on the residual and the gradient of the solution.We first present a residual only-based ASM denoted by ASMⅠ.In this approach,we first train the neural network using a small number of residual points and divide the computational domain into a certain number of sub-domains,then we add new residual points in the sub-domain which has the largest mean absolute value of the residual,and those points which have the largest absolute values of the residual in this sub-domain as new residual points.We further develop a second type of ASM(denoted by ASMⅡ)based on both the residual and the gradient of the solution due to the fact that only the residual may not be able to efficiently capture the sharpness of the solution.The procedure of ASMⅡis almost the same as that of ASMⅠ,and we add new residual points which have not only large residuals but also large gradients.To demonstrate the effectiveness of the present methods,we use both ASMⅠand ASMⅡto solve a number of PDEs,including the Burger equation,the compressible Euler equation,the Poisson equation over an Lshape domain as well as the high-dimensional Poisson equation.It has been shown from the numerical results that the sharp solutions can be well approximated by using either ASMⅠor ASMⅡ,and both methods deliver much more accurate solutions than the original PINNs with the same number of residual points.Moreover,the ASMⅡalgorithm has better performance in terms of accuracy,efficiency,and stability compared with the ASMⅠalgorithm.This means that the gradient of the solution improves the stability and efficiency of the adaptive sampling procedure as well as the accuracy of the solution.Furthermore,we also employ the similar adaptive sampling technique for the data points of boundary conditions(BCs)if the sharpness of the solution is near the boundary.The result of the L-shape Poisson problem indicates that the present method can significantly improve the efficiency,stability,and accuracy.
基金Project supported in part by the National Natural Science Foundation of China(Grant No.11771259)Shaanxi Provincial Joint Laboratory of Artificial Intelligence(GrantNo.2022JCSYS05)+1 种基金Innovative Team Project of Shaanxi Provincial Department of Education(Grant No.21JP013)Shaanxi Provincial Social Science Fund Annual Project(Grant No.2022D332)。
文摘We propose the meshfree-based physics-informed neural networks for solving the unsteady Oseen equations.Firstly,based on the ideas of meshfree and small sample learning,we only randomly select a small number of spatiotemporal points to train the neural network instead of forming a mesh.Specifically,we optimize the neural network by minimizing the loss function to satisfy the differential operators,initial condition and boundary condition.Then,we prove the convergence of the loss function and the convergence of the neural network.In addition,the feasibility and effectiveness of the method are verified by the results of numerical experiments,and the theoretical derivation is verified by the relative error between the neural network solution and the analytical solution.
基金funded by the Cora Topolewski Cardiac Research Fund at the Children’s Hospital of Philadelphia(CHOP)the Pediatric Valve Center Frontier Program at CHOP+4 种基金the Additional Ventures Single Ventricle Research Fund Expansion Awardthe National Institutes of Health(USA)supported by the program(Nos.NHLBI T32 HL007915 and NIH R01 HL153166)supported by the program(No.NIH R01 HL153166)supported by the U.S.Department of Energy(No.DE-SC0022953)。
文摘Material identification is critical for understanding the relationship between mechanical properties and the associated mechanical functions.However,material identification is a challenging task,especially when the characteristic of the material is highly nonlinear in nature,as is common in biological tissue.In this work,we identify unknown material properties in continuum solid mechanics via physics-informed neural networks(PINNs).To improve the accuracy and efficiency of PINNs,we develop efficient strategies to nonuniformly sample observational data.We also investigate different approaches to enforce Dirichlet-type boundary conditions(BCs)as soft or hard constraints.Finally,we apply the proposed methods to a diverse set of time-dependent and time-independent solid mechanic examples that span linear elastic and hyperelastic material space.The estimated material parameters achieve relative errors of less than 1%.As such,this work is relevant to diverse applications,including optimizing structural integrity and developing novel materials.
基金Project supported by the Fundamental Research Funds for the Central Universities of China(No.DUT21RC(3)063)the National Natural Science Foundation of China(No.51720105007)the Baidu Foundation(No.ghfund202202014542)。
文摘Physics-informed neural networks(PINNs)are proved methods that are effective in solving some strongly nonlinear partial differential equations(PDEs),e.g.,Navier-Stokes equations,with a small amount of boundary or interior data.However,the feasibility of applying PINNs to the flow at moderate or high Reynolds numbers has rarely been reported.The present paper proposes an artificial viscosity(AV)-based PINN for solving the forward and inverse flow problems.Specifically,the AV used in PINNs is inspired by the entropy viscosity method developed in conventional computational fluid dynamics(CFD)to stabilize the simulation of flow at high Reynolds numbers.The newly developed PINN is used to solve the forward problem of the two-dimensional steady cavity flow at Re=1000 and the inverse problem derived from two-dimensional film boiling.The results show that the AV augmented PINN can solve both problems with good accuracy and substantially reduce the inference errors in the forward problem.
基金supported by the National Natural Science Foun-dation of China (NSFC) Basic Science Center Program for"Multiscale Problems in Nonlinear Mechanics"(Grant No. 11988102)supported by the National Natural Science Foundation of China (NSFC)(Grant No. 12202451)
文摘Physics-informed neural networks are a useful machine learning method for solving differential equations,but encounter challenges in effectively learning thin boundary layers within singular perturbation problems.To resolve this issue,multi-scale-matching neural networks are proposed to solve the singular perturbation problems.Inspired by matched asymptotic expansions,the solution is decomposed into inner solutions for small scales and outer solutions for large scales,corresponding to boundary layers and outer regions,respectively.Moreover,to conform neural networks,we introduce exponential stretched variables in the boundary layers to avoid semiinfinite region problems.Numerical results for the thin plate problem validate the proposed method.
基金funded by National Key Research and Development Program of China (2022YFB2804603,2022YFB2804604)National Natural Science Foundation of China (62075096,62205147,U21B2033)+7 种基金China Postdoctoral Science Foundation (2023T160318,2022M711630,2022M721619)Jiangsu Funding Program for Excellent Postdoctoral Talent (2022ZB254)The Leading Technology of Jiangsu Basic Research Plan (BK20192003)The“333 Engineering”Research Project of Jiangsu Province (BRA2016407)The Jiangsu Provincial“One belt and one road”innovation cooperation project (BZ2020007)Open Research Fund of Jiangsu Key Laboratory of Spectral Imaging&Intelligent Sense (JSGP202105)Fundamental Research Funds for the Central Universities (30922010405,30921011208,30920032101,30919011222)National Major Scientific Instrument Development Project (62227818).
文摘Recently,deep learning has yielded transformative success across optics and photonics,especially in optical metrology.Deep neural networks (DNNs) with a fully convolutional architecture (e.g.,U-Net and its derivatives) have been widely implemented in an end-to-end manner to accomplish various optical metrology tasks,such as fringe denoising,phase unwrapping,and fringe analysis.However,the task of training a DNN to accurately identify an image-to-image transform from massive input and output data pairs seems at best naive,as the physical laws governing the image formation or other domain expertise pertaining to the measurement have not yet been fully exploited in current deep learning practice.To this end,we introduce a physics-informed deep learning method for fringe pattern analysis (PI-FPA) to overcome this limit by integrating a lightweight DNN with a learning-enhanced Fourier transform profilometry (Le FTP) module.By parameterizing conventional phase retrieval methods,the Le FTP module embeds the prior knowledge in the network structure and the loss function to directly provide reliable phase results for new types of samples,while circumventing the requirement of collecting a large amount of high-quality data in supervised learning methods.Guided by the initial phase from Le FTP,the phase recovery ability of the lightweight DNN is enhanced to further improve the phase accuracy at a low computational cost compared with existing end-to-end networks.Experimental results demonstrate that PI-FPA enables more accurate and computationally efficient single-shot phase retrieval,exhibiting its excellent generalization to various unseen objects during training.The proposed PI-FPA presents that challenging issues in optical metrology can be potentially overcome through the synergy of physics-priors-based traditional tools and data-driven learning approaches,opening new avenues to achieve fast and accurate single-shot 3D imaging.
基金supported in part by the Ramanujan Fellowship from the Science and Engineering Research Board,Government of India(Grant No.RJF/2022/000115)。
文摘The breakage of brittle particulate materials into smaller particles under compressive or impact loads can be modelled as an instantiation of the population balance integro-differential equation.In this paper,the emerging computational science paradigm of physics-informed neural networks is studied for the first time for solving both linear and nonlinear variants of the governing dynamics.Unlike conventional methods,the proposed neural network provides rapid simulations of arbitrarily high resolution in particle size,predicting values on arbitrarily fine grids without the need for model retraining.The network is assigned a simple multi-head architecture tailored to uphold monotonicity of the modelled cumulative distribution function over particle sizes.The method is theoretically analyzed and validated against analytical results before being applied to real-world data of a batch grinding mill.The agreement between laboratory data and numerical simulation encourages the use of physics-informed neural nets for optimal planning and control of industrial comminution processes.
基金Natural Science Foundation of Shandong Province,China(Grant No.ZR202111230202).
文摘Hyperspectral image classification stands as a pivotal task within the field of remote sensing,yet achieving highprecision classification remains a significant challenge.In response to this challenge,a Spectral Convolutional Neural Network model based on Adaptive Fick’s Law Algorithm(AFLA-SCNN)is proposed.The Adaptive Fick’s Law Algorithm(AFLA)constitutes a novel metaheuristic algorithm introduced herein,encompassing three new strategies:Adaptive weight factor,Gaussian mutation,and probability update policy.With adaptive weight factor,the algorithmcan adjust theweights according to the change in the number of iterations to improve the performance of the algorithm.Gaussianmutation helps the algorithm avoid falling into local optimal solutions and improves the searchability of the algorithm.The probability update strategy helps to improve the exploitability and adaptability of the algorithm.Within the AFLA-SCNN model,AFLA is employed to optimize two hyperparameters in the SCNN model,namely,“numEpochs”and“miniBatchSize”,to attain their optimal values.AFLA’s performance is initially validated across 28 functions in 10D,30D,and 50D for CEC2013 and 29 functions in 10D,30D,and 50D for CEC2017.Experimental results indicate AFLA’s marked performance superiority over nine other prominent optimization algorithms.Subsequently,the AFLA-SCNN model was compared with the Spectral Convolutional Neural Network model based on Fick’s Law Algorithm(FLA-SCNN),Spectral Convolutional Neural Network model based on Harris Hawks Optimization(HHO-SCNN),Spectral Convolutional Neural Network model based onDifferential Evolution(DE-SCNN),SpectralConvolutionalNeuralNetwork(SCNN)model,and SupportVector Machines(SVM)model using the Indian Pines dataset and PaviaUniversity dataset.The experimental results show that the AFLA-SCNN model outperforms other models in terms of Accuracy,Precision,Recall,and F1-score on Indian Pines and Pavia University.Among them,the Accuracy of the AFLA-SCNN model on Indian Pines reached 99.875%,and the Accuracy on PaviaUniversity reached 98.022%.In conclusion,our proposed AFLA-SCNN model is deemed to significantly enhance the precision of hyperspectral image classification.
基金support in part by China Postdoctoral Science Foundation (No.2021M702634)National Science Foundation of China (No.52175116).
文摘Prognosis of bearing is critical to improve the safety,reliability,and availability of machinery systems,which provides the health condition assessment and determines how long the machine would work before failure occurs by predicting the remaining useful life(RUL).In order to overcome the drawback of pure data-driven methods and predict RUL accurately,a novel physics-informed deep neural network,named degradation consistency recurrent neural network,is proposed for RUL prediction by integrating the natural degradation knowledge of mechanical components.The degradation is monotonic over the whole life of bearings,which is characterized by temperature signals.To incorporate the knowledge of monotonic degradation,a positive increment recurrence relationship is introduced to keep the monotonicity.Thus,the proposed model is relatively well understood and capable to keep the learning process consistent with physical degradation.The effectiveness and merit of the RUL prediction using the proposed method are demonstrated through vibration signals collected from a set of run-to-failure tests.
基金funded by the National Natural Science Foundation of China(NSFC)(No.52274222)research project supported by Shanxi Scholarship Council of China(No.2023-036).
文摘This paper presents a novel framework aimed at quantifying uncertainties associated with the 3D reconstruction of smoke from2Dimages.This approach reconstructs color and density fields from 2D images using Neural Radiance Field(NeRF)and improves image quality using frequency regularization.The NeRF model is obtained via joint training ofmultiple artificial neural networks,whereby the expectation and standard deviation of density fields and RGB values can be evaluated for each pixel.In addition,customized physics-informed neural network(PINN)with residual blocks and two-layer activation functions are utilized to input the density fields of the NeRF into Navier-Stokes equations and convection-diffusion equations to reconstruct the velocity field.The velocity uncertainties are also evaluated through ensemble learning.The effectiveness of the proposed algorithm is demonstrated through numerical examples.The presentmethod is an important step towards downstream tasks such as reliability analysis and robust optimization in engineering design.
基金This work was supported by the National Natural Science Foundation of China under 62271488 and 61571443.
文摘In the establishment of differential equations,the determination of time-varying parameters is a difficult problem,especially for equations related to life activities.Thus,we propose a new framework named BioE-PINN based on a physical information neural network that successfully obtains the time-varying parameters of differential equations.In the proposed framework,the learnable factors and scale parameters are used to implement adaptive activation functions,and hard constraints and loss function weights are skillfully added to the neural network output to speed up the training convergence and improve the accuracy of physical information neural networks.In this paper,taking the electrophysiological differential equation as an example,the characteristic parameters of ion channel and pump kinetics are determined using BioE-PINN.The results demonstrate that the numerical solution of the differential equation is calculated by the parameters predicted by BioE-PINN,the RootMean Square Error(RMSE)is between 0.01 and 0.3,and the Pearson coefficient is above 0.87,which verifies the effectiveness and accuracy of BioE-PINN.Moreover,realmeasuredmembrane potential data in animals and plants are employed to determine the parameters of the electrophysiological equations,with RMSE 0.02-0.2 and Pearson coefficient above 0.85.In conclusion,this framework can be applied not only for differential equation parameter determination of physiological processes but also the prediction of time-varying parameters of equations in other fields.
文摘Recently,the physics-informed neural network shows remarkable ability in the context of solving the low-dimensional nonlinear partial differential equations.However,for some cases of high-dimensional systems,such technique may be time-consuming and inaccurate.In this paper,the authors put forward a pre-training physics-informed neural network with mixed sampling(pPINN)to address these issues.Just based on the initial and boundary conditions,the authors design the pre-training stage to filter out the set of the misfitting points,which is regarded as part of the training points in the next stage.The authors further take the parameters of the neural network in Stage 1 as the initialization in Stage 2.The advantage of the proposed approach is that it takes less time to transfer the valuable information from the first stage to the second one to improve the calculation accuracy,especially for the high-dimensional systems.To verify the performance of the pPINN algorithm,the authors first focus on the growing-and-decaying mode of line rogue wave in the Davey-Stewartson I equation.Another case is the accelerated motion of lump in the inhomogeneous Kadomtsev-Petviashvili equation,which admits a more complex evolution than the uniform equation.The exact solution provides a perfect sample for data experiments,and can also be used as a reference frame to identify the performance of the algorithm.The experiments confirm that the pPINN algorithm can improve the prediction accuracy and training efficiency well,and reduce the training time to a large extent for simulating nonlinear waves of high-dimensional equations.