MatterGen is a generative model for inorganic materials design across the periodic table that can be fine-tuned to steer the generation towards a wide range of property constraints.
Note that our datasets and model checkpoints are provided inside this repo via Git Large File Storage (LFS).
To find out whether LFS is installed on your machine, run
git lfs --version
If this prints some version like git-lfs/3.0.2 (GitHub; linux amd64; go 1.18.1), you can skip the following step.
Install Git LFS
If Git LFS was not installed before you cloned this repo, you can install it via:
sudo apt install git-lfs
git lfs install
Apple Silicon
[!WARNING]
Running MatterGen on Apple Silicon is experimental. Use at your own risk. Further, you need to run export PYTORCH_ENABLE_MPS_FALLBACK=1 before any training or generation run.
Get started with a pre-trained model
We provide checkpoints of an unconditional base version of MatterGen as well as fine-tuned models for these properties:
mattergen_base: unconditional base model trained on Alex-MP-20
mp_20_base: unconditional base model trained on MP-20
chemical_system: fine-tuned model conditioned on chemical system
space_group: fine-tuned model conditioned on space group
dft_mag_density: fine-tuned model conditioned on magnetic density from DFT
dft_band_gap: fine-tuned model conditioned on band gap from DFT
ml_bulk_modulus: fine-tuned model conditioned on bulk modulus from ML predictor
dft_mag_density_hhi_score: fine-tuned model jointly conditioned on magnetic density from DFT and HHI score
chemical_system_energy_above_hull: fine-tuned model jointly conditioned on chemical system and energy above hull from DFT
The checkpoints are located at checkpoints/<model_name> and are also available on Hugging Face. By default, they are downloaded from Huggingface when requested. You can also manually download them from Git LFS via
[!NOTE]
The checkpoints provided were re-trained using this repository, i.e., are not identical to the ones used in the paper. Hence, results may slightly deviate from those in the publication.
Generating materials
Unconditional generation
To sample from the pre-trained base model, run the following command.
export MODEL_NAME=mattergen_base
export RESULTS_PATH=results/ # Samples will be written to this directory
# generate batch_size * num_batches samples
mattergen-generate $RESULTS_PATH --pretrained-name=$MODEL_NAME --batch_size=16 --num_batches 1
This script will write the following files into $RESULTS_PATH:
generated_crystals_cif.zip: a ZIP file containing a single .cif file per generated structure.
generated_crystals.extxyz, a single file containing the individual generated structures as frames.
If --record-trajectories == True (default): generated_trajectories.zip: a ZIP file containing a .extxyz file per generated structure, which contains the full denoising trajectory for each individual structure.
[!TIP]
For best efficiency, increase the batch size to the largest your GPU can sustain without running out of memory.
[!NOTE]
To sample from a model you’ve trained yourself, replace --pretrained-name=$MODEL_NAME with --model_path=$MODEL_PATH, filling in your model’s location for $MODEL_PATH.
Property-conditioned generation
With a fine-tuned model, you can generate materials conditioned on a target property.
For example, to sample from the model trained on magnetic density, you can run the following command.
export MODEL_NAME=dft_mag_density
export RESULTS_PATH="results/$MODEL_NAME/" # Samples will be written to this directory, e.g., `results/dft_mag_density`
# Generate conditional samples with a target magnetic density of 0.15
mattergen-generate $RESULTS_PATH --pretrained-name=$MODEL_NAME --batch_size=16 --properties_to_condition_on="{'dft_mag_density': 0.15}" --diffusion_guidance_factor=2.0
[!TIP]
The argument --diffusion-guidance-factor corresponds to the $\gamma$ parameter in classifier-free diffusion guidance. Setting it to zero corresponds to unconditional generation, and increasing it further tends to produce samples which adhere more to the input property values, though at the expense of diversity and realism of samples.
Multiple property-conditioned generation
You can also generate materials conditioned on more than one property. For instance, you can use the pre-trained model located at checkpoints/chemical_system_energy_above_hull to generate conditioned on chemical system and energy above the hull, or the model at checkpoints/dft_mag_density_hhi_score for joint conditioning on HHI score and magnetic density.
Adapt the following command to your specific needs:
export MODEL_NAME=chemical_system_energy_above_hull
export RESULTS_PATH="results/$MODEL_NAME/" # Samples will be written to this directory, e.g., `results/dft_mag_density`
mattergen-generate $RESULTS_PATH --pretrained-name=$MODEL_NAME --batch_size=16 --properties_to_condition_on="{'energy_above_hull': 0.05, 'chemical_system': 'Li-O'}" --diffusion_guidance_factor=2.0
Evaluation
Once you have generated a list of structures contained in $RESULTS_PATH (either using MatterGen or another method), you can relax the structures using the default MatterSim machine learning force field (see repository) and compute novelty, uniqueness, stability (using energy estimated by MatterSim), and other metrics via the following command:
git lfs pull -I data-release/alex-mp/reference_MP2020correction.gz --exclude="" # first download the reference dataset from Git LFS
mattergen-evaluate --structures_path=$RESULTS_PATH --relax=True --structure_matcher='disordered' --save_as="$RESULTS_PATH/metrics.json"
This script will write metrics.json containing the metric results to $RESULTS_PATH and will print it to your console.
[!IMPORTANT]
The evaluation script in this repository uses MatterSim, a machine-learning force field (MLFF) to relax structures and assess their stability via MatterSim’s predicted energies. While this is orders of magnitude faster than evaluation via density functional theory (DFT), it doesn’t require a license to run the evaluation, and typically has a high accuracy, there are important caveats. (1) In the MatterGen publication we use DFT to evaluate structures generated by all models and baselines; (2) DFT is more accurate and reliable, particularly in less common chemical systems. Thus, evaluation results obtained with this evaluation code may give different results than DFT evaluation; and we recommend to confirm results obtained with MLFFs with DFT before drawing conclusions.
[!TIP]
By default, this uses MatterSim-v1-1M. If you would like to use the larger MatterSim-v1-5M model, you can add the --potential_load_path="MatterSim-v1.0.0-5M.pth" argument. You may also check the MatterSim repository for the latest version of the model.
If, instead, you have relaxed the structures and obtained the relaxed total energies via another mean (e.g., DFT), you can evaluate the metrics via:
git lfs pull -I data-release/alex-mp/reference_MP2020correction.gz --exclude="" # first download the reference dataset from Git LFS
mattergen-evaluate --structures_path=$RESULTS_PATH --energies_path='energies.npy' --relax=False --structure_matcher='disordered' --save_as='metrics'
This script will try to read structures from disk in the following precedence order:
If $RESULTS_PATH points to a .xyz or .extxyz file, it will read it directly and assume each frame is a different structure.
If $RESULTS_PATH points to a .zip file containing .cif files, it will first extract and then read the cif files.
If $RESULTS_PATH points to a directory, it will read all .cif, .xyz, or .extxyz files in the order they occur in os.listdir.
Here, we expect energies.npy to be a numpy array with the entries being float energies in the same order as the structures read from $RESULTS_PATH.
If you want to save the relaxed structures, toghether with their energies, forces, and stresses, add --structures_output_path=YOUR_PATH to the script call, like so:
In plot_benchmark_results.ipynb we provide a Jupyter notebook to generate figures like Figs. 2e and 2f in the paper. We further provide the resulting metrics of analyzing samples generated by several baselines under benchmark/metrics. You can add your own model’s results by copying the metrics JSON file resulting from mattergen-evaluate into the same folder. Note, again, that these results were obtained via MatterSim relaxation and energies, so results will differ from those obtained via DFT (e.g., as those in the paper).
For convenience, here are the **numerical results from Figs. 2e and 2f in the paper** (as well as Table D4 in the supplementary information):
Model
% S.U.N.
RMSD
% Stable
% Unique
% Novel
MatterGen
38.57
0.021
74.41
100.0
61.96
MatterGen MP20
22.27
0.110
42.19
100.0
75.44
DiffCSP Alex-MP-20
33.27
0.104
63.33
99.90
66.94
DiffCSP MP20
12.71
0.232
36.23
100.0
70.73
CDVAE
13.99
0.359
19.31
100.0
92.00
FTCP
0.0
1.492
0.0
100.0
100.0
G-SchNet
0.98
1.347
1.63
100.0
98.23
P-G-SchNet
1.29
1.360
3.11
100.0
88.40
Evaluate using your own reference dataset
[!IMPORTANT]
If you are planning to use MatterSim to evaluate the stability of the generated structures, then the reference dataset you provide must contain energies
that are compatible with MatterSim, meaning they should be either DFT-computed energies calculated according to the Materials Project Compatbility scheme,
or energies directly computed with MatterSim.
If you want to use your own custom dataset for evaluation, you first need to serialize and save it by doing so:
from mattergen.evaluation.reference.reference_dataset import ReferenceDataset
from mattergen.evaluation.reference.reference_dataset_serializer import LMDBGZSerializer
reference_dataset = ReferenceDataset.from_entries(name="my_reference_dataset", entries=entries)
LMDBGZSerializer().serialize(reference_dataset, "path_to_file.gz")
where entries is a list of pymatgen.entries.computed_entries.ComputedStructureEntry objects containing structure-energy pairs for each structure.
By default, we apply the MaterialsProject2020Compatibility energy correction scheme to all input structures during evaluation, and assume that the reference dataset
has already been pre-processed using the same compatibility scheme. Therefore, unless you have already done this, you should obtain the entries object for
your custom reference dataset in the following way:
from mattergen.evaluation.utils.vasprunlike import VasprunLike
from pymatgen.entries.compatibility import MaterialsProject2020Compatibility
entries = []
for structure, energy in zip(structures, energies)
vasprun_like = VasprunLike(structure=structure, energy=energy)
entries.append(vasprun_like.get_computed_entry(
inc_structure=True, energy_correction_scheme=MaterialsProject2020Compatibility()
))
Train MatterGen yourself
Before we can train MatterGen from scratch, we have to unpack and preprocess the dataset files.
This will take some time (~1h). You will get preprocessed data files in datasets/cache/alex_mp_20.
Training
You can train the MatterGen base model on mp_20 using the following command.
mattergen-train data_module=mp_20 ~trainer.logger
[!NOTE]
For Apple Silicon training, add ~trainer.strategy trainer.accelerator=mps to the above command.
The validation loss (loss_val) should reach 0.4 after 360 epochs (about 80k steps). The output checkpoints can be found at outputs/singlerun/${now:%Y-%m-%d}/${now:%H-%M-%S}. We call this folder $MODEL_PATH for future reference.
[!NOTE]
We use hydra to configure our training and sampling jobs. The hierarchical configuration can be found under mattergen/conf. In the following we make use of hydra‘s config overrides to update these configs via the CLI. See the hydradocumentation for an introduction to the config override syntax.
[!TIP]
By default, we disable Weights & Biases (W&B) logging via the ~trainer.logger config override. You can enable it by removing this override. In mattergen/conf/trainer/default.yaml, you may enter your W&B logging info or specify your own logger.
To train the MatterGen base model on alex_mp_20, use the following command:
[!NOTE]
For Apple Silicon training, add ~trainer.strategy trainer.accelerator=mps to the above command.
[!TIP]
Note that a single GPU’s memory usually is not enough for the batch size of 512, hence we accumulate gradients over 4 batches. If you still run out of memory, increase this further.
Crystal structure prediction
Even though not a focus of our paper, you can also train MatterGen in crystal structure prediction (CSP) mode, where it does not denoise the atom types during generation.
This gives you the ability to condition on a specific chemical formula for generation. You can train MatterGen in this mode by passing --config-name=csp to run.py.
To sample from this model, pass --target_compositions=['{"<element1>": <number_of_element1_atoms>, "<element2>": <number_of_element2_atoms>, ..., "<elementN>": <number_of_elementN_atoms>}'] --sampling-config-name=csp to generate.py.
An example composition could be --target_compositions=['{"Na": 1, "Cl": 1}'].
Fine-tuning on property data
You can fine-tune the MatterGen base model using the following command.
dft_mag_density denotes the target property for fine-tuning. You can also fine-tune a model you’ve trained yourself by replacingadapter.pretrained_name=mattergen_base with adapter.model_path=$MODEL_PATH, filling in your model’s location for $MODEL_PATH.
[!NOTE]
For Apple Silicon training, add ~trainer.strategy trainer.accelerator=mps to the above command.
You can also fine-tune MatterGen on multiple properties. For instance, to fine-tune it on dft_mag_density and dft_band_gap, you can use the following command.
Add <my_property> to the data_module.properties=["$PROPERTY1","$PROPERTY2",...,<my_property>] override.
[!NOTE]
For Apple Silicon training, add ~trainer.strategy trainer.accelerator=mps to the above command.
Fine-tune on your own property data
You may also fine-tune MatterGen on your own property data. Essentially what you need is a property value (typically float) for a subset of the data you want to train on (e.g., alex_mp_20). Proceed as follows:
Add a new column with this name to the dataset(s) you want to train on, e.g., datasets/alex_mp_20/train.csv and datasets/alex_mp_20/val.csv (requires you to have followed the pre-processing steps).
Re-run the CSV to dataset script csv-to-dataset --csv-folder datasets/<MY_DATASET>/ --dataset-name <MY_DATASET> --cache-folder datasets/cache, substituting your dataset name for MY_DATASET.
Follow the instructions for fine-tuning and reference your own property in the same way as we used the existing properties like dft_mag_density.
Data release
We provide datasets to train as well as evaluate MatterGen. For more details and license information see the respective README files under data-release.
Training datasets
MP-20 (Jain et al., 2013): contains 45k general inorganic materials, including most experimentally known materials with no more than 20 atoms in unit cell.
Alex-MP-20: Training dataset consisting of around 600k structures from MP-20 and Alexandria (Schmidt et al. 2022) with at most 20 atoms inside the unit cell and below 0.1 eV/atom of the convex hull. See the venn diagram below and the MatterGen paper for more details.
Reference dataset
We further provide the Alex-MP reference dataset which can be used to evaluate novelty and stability of generated samples.
The reference set contains 845,997 structures with their DFT energies. See the following Venn diagram for more details about the composition of the training and reference datasets.
[!NOTE]
For license reasons, we cannot share the 4.4k ordered + 117.7k disordered ICSD structures, so results may differ from those in the paper.
CIFs and experimental measurements
The data-release directory also contains the CIF files to all structures shown in the paper as well as xps, xrd, and nanoindentation measurements of the TaCr2O6 sample presented in the paper.
Citation
If you are using our code, model, data, or evaluation pipeline, please consider citing our work:
@article{MatterGen2025,
author = {Zeni, Claudio and Pinsler, Robert and Z{\"u}gner, Daniel and Fowler, Andrew and Horton, Matthew and Fu, Xiang and Wang, Zilong and Shysheya, Aliaksandra and Crabb{```
## Trademarks
This project may contain trademarks or logos for projects, products, or services.
Authorized use of Microsoft trademarks or logos is subject to and must follow [Microsoft's Trademark & Brand Guidelines](https://www.microsoft.com/en-us/legal/intellectualproperty/trademarks/usage/general).
Use of Microsoft trademarks or logos in modified versions of this project must not cause confusion or imply Microsoft sponsorship.
Any use of third-party trademarks or logos are subject to those third-party's policies.
## Responsible AI Transparency Documentation
The responsible AI transparency documentation can be found [here](/Supercomputing/MatterGen/tree/main/MODEL_CARD.md).
## Get in touch
If you have any questions not covered here, please ask a questions in the Q&A section of Discussions.
If you want to report a bug or propose a feature, create an Issue using the template and / or open a pull request.
e}, Jonathan and Ueda, Shoko and Sordillo, Roberto and Sun, Lixin and Smith, Jake and Nguyen, Bichlien and Schulz, Hannes and Lewis, Sarah and Huang, Chin-Wei and Lu, Ziheng and Zhou, Yichi and Yang, Han and Hao, Hongxia and Li, Jielan and Yang, Chunlei and Li, Wenjie and Tomioka, Ryota and Xie, Tian},
journal = {Nature},
title = {A generative model for inorganic materials design},
year = {2025},
doi = {10.1038/s41586-025-08628-5},
}
Trademarks
This project may contain trademarks or logos for projects, products, or services.
Authorized use of Microsoft trademarks or logos is subject to and must follow Microsoft’s Trademark & Brand Guidelines.
Use of Microsoft trademarks or logos in modified versions of this project must not cause confusion or imply Microsoft sponsorship.
Any use of third-party trademarks or logos are subject to those third-party’s policies.
Responsible AI Transparency Documentation
The responsible AI transparency documentation can be found here.
Get in touch
If you have any questions not covered here, please ask a questions in the Q&A section of Discussions.
If you want to report a bug or propose a feature, create an Issue using the template and / or open a pull request.
MatterGen is a generative model for inorganic materials design across the periodic table that can be fine-tuned to steer the generation towards a wide range of property constraints.
Table of Contents
Installation
The easiest way to install prerequisites is via uv, a fast Python package and project manager.
The MatterGen environment can be installed via the following command (assumes you are running Linux and have a CUDA GPU):
Note that our datasets and model checkpoints are provided inside this repo via Git Large File Storage (LFS). To find out whether LFS is installed on your machine, run
If this prints some version like
git-lfs/3.0.2 (GitHub; linux amd64; go 1.18.1), you can skip the following step.Install Git LFS
If Git LFS was not installed before you cloned this repo, you can install it via:
Apple Silicon
Get started with a pre-trained model
We provide checkpoints of an unconditional base version of MatterGen as well as fine-tuned models for these properties:
mattergen_base: unconditional base model trained on Alex-MP-20mp_20_base: unconditional base model trained on MP-20chemical_system: fine-tuned model conditioned on chemical systemspace_group: fine-tuned model conditioned on space groupdft_mag_density: fine-tuned model conditioned on magnetic density from DFTdft_band_gap: fine-tuned model conditioned on band gap from DFTml_bulk_modulus: fine-tuned model conditioned on bulk modulus from ML predictordft_mag_density_hhi_score: fine-tuned model jointly conditioned on magnetic density from DFT and HHI scorechemical_system_energy_above_hull: fine-tuned model jointly conditioned on chemical system and energy above hull from DFTThe checkpoints are located at
checkpoints/<model_name>and are also available on Hugging Face. By default, they are downloaded from Huggingface when requested. You can also manually download them from Git LFS viaGenerating materials
Unconditional generation
To sample from the pre-trained base model, run the following command.
This script will write the following files into
$RESULTS_PATH:generated_crystals_cif.zip: a ZIP file containing a single.ciffile per generated structure.generated_crystals.extxyz, a single file containing the individual generated structures as frames.--record-trajectories == True(default):generated_trajectories.zip: a ZIP file containing a.extxyzfile per generated structure, which contains the full denoising trajectory for each individual structure.Property-conditioned generation
With a fine-tuned model, you can generate materials conditioned on a target property. For example, to sample from the model trained on magnetic density, you can run the following command.
Multiple property-conditioned generation
You can also generate materials conditioned on more than one property. For instance, you can use the pre-trained model located at
checkpoints/chemical_system_energy_above_hullto generate conditioned on chemical system and energy above the hull, or the model atcheckpoints/dft_mag_density_hhi_scorefor joint conditioning on HHI score and magnetic density. Adapt the following command to your specific needs:Evaluation
Once you have generated a list of structures contained in
$RESULTS_PATH(either using MatterGen or another method), you can relax the structures using the default MatterSim machine learning force field (see repository) and compute novelty, uniqueness, stability (using energy estimated by MatterSim), and other metrics via the following command:This script will write
metrics.jsoncontaining the metric results to$RESULTS_PATHand will print it to your console.If, instead, you have relaxed the structures and obtained the relaxed total energies via another mean (e.g., DFT), you can evaluate the metrics via:
This script will try to read structures from disk in the following precedence order:
$RESULTS_PATHpoints to a.xyzor.extxyzfile, it will read it directly and assume each frame is a different structure.$RESULTS_PATHpoints to a.zipfile containing.ciffiles, it will first extract and then read the cif files.$RESULTS_PATHpoints to a directory, it will read all.cif,.xyz, or.extxyzfiles in the order they occur inos.listdir.Here, we expect
energies.npyto be a numpy array with the entries beingfloatenergies in the same order as the structures read from$RESULTS_PATH.If you want to save the relaxed structures, toghether with their energies, forces, and stresses, add
--structures_output_path=YOUR_PATHto the script call, like so:Benchmark
In
plot_benchmark_results.ipynbwe provide a Jupyter notebook to generate figures like Figs. 2e and 2f in the paper. We further provide the resulting metrics of analyzing samples generated by several baselines underbenchmark/metrics. You can add your own model’s results by copying the metrics JSON file resulting frommattergen-evaluateinto the same folder. Note, again, that these results were obtained via MatterSim relaxation and energies, so results will differ from those obtained via DFT (e.g., as those in the paper).
For convenience, here are the **numerical results from Figs. 2e and 2f in the paper** (as well as Table D4 in the supplementary information):Evaluate using your own reference dataset
If you want to use your own custom dataset for evaluation, you first need to serialize and save it by doing so:
where
entriesis a list ofpymatgen.entries.computed_entries.ComputedStructureEntryobjects containing structure-energy pairs for each structure.By default, we apply the MaterialsProject2020Compatibility energy correction scheme to all input structures during evaluation, and assume that the reference dataset has already been pre-processed using the same compatibility scheme. Therefore, unless you have already done this, you should obtain the
entriesobject for your custom reference dataset in the following way:Train MatterGen yourself
Before we can train MatterGen from scratch, we have to unpack and preprocess the dataset files.
Pre-process a dataset for training
You can run the following command for
mp_20:You will get preprocessed data files in
datasets/cache/mp_20.To preprocess our larger
alex_mp_20dataset, run:This will take some time (~1h). You will get preprocessed data files in
datasets/cache/alex_mp_20.Training
You can train the MatterGen base model on
mp_20using the following command.The validation loss (
loss_val) should reach 0.4 after 360 epochs (about 80k steps). The output checkpoints can be found atoutputs/singlerun/${now:%Y-%m-%d}/${now:%H-%M-%S}. We call this folder$MODEL_PATHfor future reference.To train the MatterGen base model on
alex_mp_20, use the following command:Crystal structure prediction
Even though not a focus of our paper, you can also train MatterGen in crystal structure prediction (CSP) mode, where it does not denoise the atom types during generation. This gives you the ability to condition on a specific chemical formula for generation. You can train MatterGen in this mode by passing
--config-name=csptorun.py.To sample from this model, pass
--target_compositions=['{"<element1>": <number_of_element1_atoms>, "<element2>": <number_of_element2_atoms>, ..., "<elementN>": <number_of_elementN_atoms>}'] --sampling-config-name=csptogenerate.py. An example composition could be--target_compositions=['{"Na": 1, "Cl": 1}'].Fine-tuning on property data
You can fine-tune the MatterGen base model using the following command.
dft_mag_densitydenotes the target property for fine-tuning. You can also fine-tune a model you’ve trained yourself by replacingadapter.pretrained_name=mattergen_basewithadapter.model_path=$MODEL_PATH, filling in your model’s location for$MODEL_PATH.Multi-property fine-tuning
You can also fine-tune MatterGen on multiple properties. For instance, to fine-tune it on
dft_mag_densityanddft_band_gap, you can use the following command.Fine-tune on your own property data
You may also fine-tune MatterGen on your own property data. Essentially what you need is a property value (typically
float) for a subset of the data you want to train on (e.g.,alex_mp_20). Proceed as follows:PROPERTY_SOURCE_IDSlist insidemattergen/common/utils/globals.py.datasets/alex_mp_20/train.csvanddatasets/alex_mp_20/val.csv(requires you to have followed the pre-processing steps).csv-to-dataset --csv-folder datasets/<MY_DATASET>/ --dataset-name <MY_DATASET> --cache-folder datasets/cache, substituting your dataset name forMY_DATASET.<your_property>.yamlconfig file tomattergen/conf/lightning_module/diffusion_module/model/property_embeddings. If you are adding a float-valued property, you may copy an existing configuration, e.g.,dft_mag_density.yaml. More complicated properties will require you to create your own customPropertyEmbeddingsubclass, e.g., see thespace_grouporchemical_systemconfigs.dft_mag_density.Data release
We provide datasets to train as well as evaluate MatterGen. For more details and license information see the respective README files under
data-release.Training datasets
Reference dataset
We further provide the Alex-MP reference dataset which can be used to evaluate novelty and stability of generated samples. The reference set contains 845,997 structures with their DFT energies. See the following Venn diagram for more details about the composition of the training and reference datasets.
CIFs and experimental measurements
The
data-releasedirectory also contains the CIF files to all structures shown in the paper as well as xps, xrd, and nanoindentation measurements of the TaCr2O6 sample presented in the paper.Citation
If you are using our code, model, data, or evaluation pipeline, please consider citing our work:
Trademarks
This project may contain trademarks or logos for projects, products, or services. Authorized use of Microsoft trademarks or logos is subject to and must follow Microsoft’s Trademark & Brand Guidelines. Use of Microsoft trademarks or logos in modified versions of this project must not cause confusion or imply Microsoft sponsorship. Any use of third-party trademarks or logos are subject to those third-party’s policies.
Responsible AI Transparency Documentation
The responsible AI transparency documentation can be found here.
Get in touch
If you have any questions not covered here, please ask a questions in the Q&A section of Discussions. If you want to report a bug or propose a feature, create an Issue using the template and / or open a pull request.