• Stars
    star
    234
  • Rank 170,708 (Top 4 %)
  • Language
    Python
  • License
    GNU General Publi...
  • Created 12 months ago
  • Updated 18 days ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Differentiable Finite Element Method with JAX

A GPU-accelerated differentiable finite element analysis package based on JAX. Used to be part of the suite of open-source python packages for Additive Manufacturing (AM) research, JAX-AM.

Finite Element Method (FEM)

Github Star Github Fork License

FEM is a powerful tool, where we support the following features

  • 2D quadrilateral/triangle elements
  • 3D hexahedron/tetrahedron elements
  • First and second order elements
  • Dirichlet/Neumann/Robin boundary conditions
  • Linear and nonlinear analysis including
    • Heat equation
    • Linear elasticity
    • Hyperelasticity
    • Plasticity (macro and crystal plasticity)
  • Differentiable simulation for solving inverse/design problems without human deriving sensitivities, e.g.,
    • Topology optimization
    • Optimal thermal control
  • Integration with PETSc for solver choices

Updates (Dec 11, 2023):

  • We now support multi-physics problems in the sense that multiple variables can be solved monolithically. For example, consider running python -m applications.stokes.example
  • Weak form is now defined through volume integral and surface integral. We can now treat body force, "mass kernel" and "Laplace kernel" in a unified way through volume integral, and treat "Neumann B.C." and "Robin B.C." in a unified way through surface integral.

Thermal profile in direct energy deposition.

Linear static analysis of a bracket.

Crystal plasticity: grain structure (left) and stress-xx (right).

Stokes flow: velocity (left) and pressure(right).

Topology optimization with differentiable simulation.

Installation

Create a conda environment from the given environment.yml file and activate it:

conda env create -f environment.yml
conda activate jax-fem-env

Install JAX

  • See jax installation instructions. Depending on your hardware, you may install the CPU or GPU version of JAX. Both will work, while GPU version usually gives better performance.

Then there are two options to continue:

Option 1

Clone the repository:

git clone https://github.com/deepmodeling/jax-fem.git
cd jax-fem

and install the package locally:

pip install -e .

Quick tests: You can check demos/ for a variety of FEM cases. For example, run

python -m demos.hyperelasticity.example

for hyperelasticity.

Also,

python -m tests.benchmarks

will execute a set of test cases.

Option 2

Install the package from the PyPI release directly:

pip install jax-fem

Quick tests: You can create an example.py file and run it:

python example.py
import jax
import jax.numpy as np
import os

from jax_fem.problem import Problem
from jax_fem.solver import solver
from jax_fem.utils import save_sol
from jax_fem.generate_mesh import get_meshio_cell_type, Mesh, rectangle_mesh

class Poisson(Problem):
    def get_tensor_map(self):
        return lambda x: x

    def get_mass_map(self):
        def mass_map(u, x):
            val = -np.array([10*np.exp(-(np.power(x[0] - 0.5, 2) + np.power(x[1] - 0.5, 2)) / 0.02)])
            return val
        return mass_map

    def get_surface_maps(self):
        def surface_map(u, x):
            return -np.array([np.sin(5.*x[0])])

        return [surface_map, surface_map]

ele_type = 'QUAD4'
cell_type = get_meshio_cell_type(ele_type)
Lx, Ly = 1., 1.
meshio_mesh = rectangle_mesh(Nx=32, Ny=32, domain_x=Lx, domain_y=Ly)
mesh = Mesh(meshio_mesh.points, meshio_mesh.cells_dict[cell_type])

def left(point):
    return np.isclose(point[0], 0., atol=1e-5)

def right(point):
    return np.isclose(point[0], Lx, atol=1e-5)

def bottom(point):
    return np.isclose(point[1], 0., atol=1e-5)

def top(point):
    return np.isclose(point[1], Ly, atol=1e-5)

def dirichlet_val_left(point):
    return 0.

def dirichlet_val_right(point):
    return 0.

location_fns = [left, right]
value_fns = [dirichlet_val_left, dirichlet_val_right]
vecs = [0, 0]
dirichlet_bc_info = [location_fns, vecs, value_fns]

location_fns = [bottom, top]

problem = Poisson(mesh=mesh, vec=1, dim=2, ele_type=ele_type, dirichlet_bc_info=dirichlet_bc_info, location_fns=location_fns)
sol = solver(problem, linear=True, use_petsc=True)

data_dir = os.path.join(os.path.dirname(__file__), 'data')
vtk_path = os.path.join(data_dir, f'vtk/u.vtu')
save_sol(problem.fes[0], sol[0], vtk_path)

License

This project is licensed under the GNU General Public License v3 - see the LICENSE for details.

Citations

If you found this library useful in academic or industry work, we appreciate your support if you consider 1) starring the project on Github, and 2) citing relevant papers:

@article{xue2023jax,
  title={JAX-FEM: A differentiable GPU-accelerated 3D finite element solver for automatic inverse design and mechanistic data science},
  author={Xue, Tianju and Liao, Shuheng and Gan, Zhengtao and Park, Chanwook and Xie, Xiaoyu and Liu, Wing Kam and Cao, Jian},
  journal={Computer Physics Communications},
  pages={108802},
  year={2023},
  publisher={Elsevier}
}

More Repositories

1

deepmd-kit

A deep learning package for many-body potential energy representation and molecular dynamics
C++
1,448
star
2

Uni-Mol

Official Repository for the Uni-Mol Series Methods
Python
666
star
3

dpgen

The deep potential generator to generate a deep-learning based model of interatomic potential energy and force field
Python
297
star
4

dpdata

A Python package for manipulating atomistic data of software in computational science
Python
195
star
5

DMFF

DMFF (Differentiable Molecular Force Field) is a Jax-based python package that provides a full differentiable implementation of molecular force field models.
Python
150
star
6

deepks-kit

a package for developing machine learning-based chemically accurate energy and density functional models
Python
98
star
7

AI4Science101

AI for Science
Python
83
star
8

community

DeepModeling community content
82
star
9

reacnetgenerator

an automatic reaction network generator for reactive molecular dynamics simulation
Python
64
star
10

CrystalFormer

Space Group Informed Transformer for Crystalline Materials Generation
Jupyter Notebook
48
star
11

DeePTB

DeePTB: A deep learning package for tight-binding approach with ab initio accuracy.
Python
46
star
12

rid-kit

Reinforced dynamics
Python
44
star
13

dpdispatcher

generate HPC scheduler systems jobs input scripts and submit these scripts to HPC systems and poke until they finish
Python
42
star
14

APEX

APEX: Alloy Properties EXplorer using simulations
Python
21
star
15

dpti

A Python Package to Automate Thermodynamic Integration Calculations for Free Energy
Python
19
star
16

openlam

Python
15
star
17

tutorials

Tutorials for DeepModeling projects.
Python
13
star
18

AIS-Square

10
star
19

SC21_DP_Tutorial

SC21_DP_Tutorial
Python
8
star
20

dpgui

A web-based GUI for user inputs
Vue
7
star
21

tbplas

Repository of TBPLaS (tight-binding package for large-scale simulation)
7
star
22

dargs

Argument processing for the deep modeling project.
Python
5
star
23

workflows

reusing workflows and images for GitHub Actions
4
star
24

GROMACS

mirror of https://gitlab.com/deepmodeling/gromacs
C++
4
star
25

dftio

dftio is to assist machine learning communities to transcript DFT output into a format that is easy to read or used by machine learning models.
Jupyter Notebook
4
star
26

tutorials-cn

Python
3
star
27

Psi-k_workshop_Nov21_Tutorial

Jupyter Notebook
3
star
28

docs

The home page of DeepModeling documentation.
Python
3
star
29

deepmodeling-projects

DeepModeling projects
3
star
30

DeePDih

Deep Potential driven molecular dihedral scan toolkit
Python
3
star
31

fpop

Python
2
star
32

args

DeepModeling dargs arguments generation
Python
2
star
33

deepmodeling_sphinx

Sphinx extension for DeepModeling projects
CSS
2
star
34

deepmodeling.github.io

The official website of DeepModeling
2
star
35

AIP-chapter-tutorial

1
star
36

blog

DeepModeling Blog
TeX
1
star