| CARVIEW |
The Design Computation and Digital Engineering (DeCoDE) Lab at MIT Mechanical Engineering advances the science of AI-driven design. We envision a future where humans and AI design together to tackle the world’s most pressing challenges. To realize this vision, we develop fundamental machine learning and optimization methods that enhance the design of complex systems and support human teams in creating better products. Our goal is to build versatile approaches that apply across scales, levels of complexity, wickedness, and disciplines. We frame design problems as generalizable machine learning and optimization tasks, enabling new ways to explore, evaluate, and generate solutions. By harnessing advanced AI, we are reimagining the product design process—accelerating innovation and shaping the next generation of engineering design.
At DeCoDE Lab, our core values - Integrity, Inclusivity, Collaboration, and Excellence - guide us to conduct research with honesty and transparency, foster a diverse and welcoming environment, recognize the power of teamwork, and continually strive for the highest quality in all our endeavors. We are also advocates for reproducible and open-source science, and we contribute by sharing most of our research code and papers online.
Selected Publications [See all]
BlendedNet: A Blended Wing Body Aircraft Dataset and Surrogate Model for Aerodynamic Predictions
In IDETC 2025
Web Link Code Abstract ▼
BlendedNet is a publicly available aerodynamic dataset of 999 blended wing body (BWB) geometries. Each geometry is simulated across about nine flight conditions, yielding 8830 converged RANS cases with the Spalart-Allmaras model and 9 to 14 million cells per case. The dataset is generated by sampling geometric design parameters and flight conditions, and includes detailed pointwise surface quantities needed to study lift and drag. We also introduce an end-to-end surrogate framework for pointwise aerodynamic prediction. The pipeline first uses a permutation-invariant PointNet regressor to predict geometric parameters from sampled surface point clouds, then conditions a Feature-wise Linear Modulation (FiLM) network on the predicted parameters and flight conditions to predict pointwise coefficients Cp, Cfx, and Cfz. Experiments show low errors in surface predictions across diverse BWBs. BlendedNet addresses data scarcity for unconventional configurations and enables research on data-driven surrogate modeling for aerodynamic design.
CAD-Coder: An Open-Source Vision-Language Model for Computer-Aided Design Code Generation
In IDETC 2025
Web Link Code Abstract ▼
Efficient creation of accurate and editable 3D CAD models is critical in engineering design, significantly impacting cost and time-to-market in product innovation. Current manual workflows remain highly time-consuming and demand extensive user expertise. While recent developments in AI-driven CAD generation show promise, existing models are limited by incomplete representations of CAD operations, inability to generalize to real-world images, and low output accuracy. This paper introduces CAD-Coder, an open-source Vision-Language Model (VLM) explicitly fine-tuned to generate editable CAD code (CadQuery Python) directly from visual input. Leveraging a novel dataset that we created--GenCAD-Code, consisting of over 163k CAD-model image and code pairs--CAD-Coder outperforms state-of-the-art VLM baselines such as GPT-4.5 and Qwen2.5-VL-72B, achieving a 100% valid syntax rate and the highest accuracy in 3D solid similarity. Notably, our VLM demonstrates some signs of generalizability, successfully generating CAD code from real-world images and executing CAD operations unseen during fine-tuning. The performance and adaptability of CAD-Coder highlights the potential of VLMs fine-tuned on code to streamline CAD workflows for engineers and designers.
GenCAD-3D: CAD Program Generation using Multimodal Latent Space Alignment and Synthetic Dataset Balancing
In Journal of Mechanical Design
Project Page Web Link Abstract ▼
CAD programs, structured as parametric sequences of commands that compile into precise 3D geometries, are fundamental to accurate and efficient engineering design processes. Generating these programs from nonparametric data such as point clouds and meshes remains a crucial yet challenging task, typically requiring extensive manual intervention. Current deep generative models aimed at automating CAD generation are significantly limited by imbalanced and insufficiently large datasets, particularly those lacking representation for complex CAD programs. To address this, we introduce GenCAD-3D, a multimodal generative framework utilizing contrastive learning for aligning latent embeddings between CAD and geometric encoders, combined with latent diffusion models for CAD sequence generation and retrieval. Additionally, we present SynthBal, a synthetic data augmentation strategy specifically designed to balance and expand datasets, notably enhancing representation of complex CAD geometries. Our experiments show that SynthBal significantly boosts reconstruction accuracy, reduces the generation of invalid CAD models, and markedly improves performance on high-complexity geometries, surpassing existing benchmarks. These advancements hold substantial implications for streamlining reverse engineering and enhancing automation in engineering design.
Design by Data: Cultivating Datasets for Engineering Design
In Journal of Mechanical Design
Web Link Abstract ▼
Guest editorial introducing the JMD special issue on design datasets. It highlights the role of data‑driven methods in engineering design, identifies challenges in creating and sharing multi‑modal, high‑quality datasets, and outlines recommendations and a vision for dataset standards and reuse.
VideoCAD: A Large-Scale Video Dataset for Learning UI Interactions and 3D Reasoning from CAD Software
Under Review
Web Link Abstract ▼
Computer-Aided Design (CAD) is a time-consuming and complex process, requiring precise, long-horizon user interactions with intricate 3D interfaces. While recent advances in AI-driven user interface (UI) agents show promise, most existing datasets and methods focus on short, low-complexity tasks in mobile or web applications, failing to capture the demands of professional engineering tools. In this work, we introduce VideoCAD, the first attempt at engineering UI interaction learning for precision tasks. Specifically, VideoCAD is a large-scale synthetic dataset consisting of over 41K annotated video recordings of CAD operations, generated using an automated framework for collecting high-fidelity UI action data from human-made CAD designs. Compared to existing datasets, VideoCAD offers an order of magnitude higher complexity in UI interaction learning for real-world engineering tasks, having up to a 20x longer time horizon than other datasets. We show two important downstream applications of VideoCAD: learning UI interactions from professional precision 3D CAD tools and a visual question-answering (VQA) benchmark designed to evaluate multimodal large language models' (LLM) spatial reasoning and video understanding abilities. To learn the UI interactions, we propose VideoCADFormer - a state-of-the-art model in learning CAD interactions directly from video, which outperforms multiple behavior cloning baselines. Both VideoCADFormer and the VQA benchmark derived from VideoCAD reveal key challenges in the current state of video-based UI understanding, including the need for precise action grounding, multi-modal and spatial reasoning, and long-horizon dependencies.
AI Judges in Design: Statistical Perspectives on Achieving Human Expert Equivalence with Vision-Language Models
In IDETC 2025
Web Link Abstract ▼
The subjective evaluation of early stage engineering designs, such as conceptual sketches, traditionally relies on human experts. However, expert evaluations are time-consuming, expensive, and sometimes inconsistent. Recent advances in vision-language models (VLMs) offer the potential to automate design assessments, but it is crucial to ensure that these AI ``judges'' perform on par with human experts. However, no existing framework assesses expert equivalence. This paper introduces a rigorous statistical framework to determine whether an AI judge's ratings match those of human experts. We apply this framework in a case study evaluating four VLM-based judges on key design metrics (uniqueness, creativity, usefulness, and drawing quality). These AI judges employ various in-context learning (ICL) techniques, including uni- vs. multimodal prompts and inference-time reasoning. The same statistical framework is used to assess three trained novices for expert-equivalence. Results show that the top-performing AI judge, using text- and image-based ICL with reasoning, achieves expert-level agreement for uniqueness and drawing quality and outperforms or matches trained novices across all metrics. In 6/6 runs for both uniqueness and creativity, and 5/6 runs for both drawing quality and usefulness, its agreement with experts meets or exceeds that of the majority of trained novices. These findings suggest that reasoning-supported VLM models can achieve human-expert equivalence in design evaluation. This has implications for scaling design evaluation in education and practice, and provides a general statistical framework for validating AI judges in other domains requiring subjective content evaluation.
Generative Optimization: A Perspective on AI-Enhanced Problem Solving in Engineering
Under Review
Web Link Abstract ▼
The field of engineering is shaped by the tools and methods used to solve problems. Optimization is one such class of powerful, robust, and effective engineering tools proven over decades of use. Within just a few years, generative artificial intelligence (GenAI) has risen as another promising tool for general-purpose problem-solving. While optimization shines at finding high-quality and precise solutions that satisfy constraints, GenAI excels at inferring problem requirements, bridging solution domains, handling mixed data modalities, and rapidly generating copious numbers of solutions. These differing attributes also make the two frameworks complementary. Hybrid generative optimization algorithms present a new paradigm for engineering problem-solving and have shown promise across a few engineering applications. We expect significant developments in the near future around generative optimization, leading to changes in how engineers solve problems using computational tools. We offer our perspective on existing methods, areas of promise, and key research questions.
Offshore Wind Turbine Tower Design and Optimization: A Review and AI-Driven Future Directions
In Applied Energy 2025
PDF Web Link Abstract ▼
Offshore wind energy leverages the high intensity and consistency of oceanic winds, playing a key role in the transition to renewable energy. As energy demands grow, larger turbines are required to optimize power generation and reduce the Levelized Cost of Energy (LCoE), which represents the average cost of electricity over a project’s lifetime. However, upscaling turbines introduces engineering challenges, particularly in the design of supporting structures, especially towers. These towers must support increased loads while maintaining structural integrity, cost-efficiency, and transportability, making them essential to offshore wind projects’ success. This paper presents a comprehensive review of the latest advancements, challenges, and future directions driven by Artificial Intelligence (AI) in the design optimization of Offshore Wind Turbine (OWT) structures, with a focus on towers. It provides an in-depth background on key areas such as design types, load types, analysis methods, design processes, monitoring systems, Digital Twin (DT), software, standards, reference turbines, economic factors, and optimization techniques. Additionally, it includes a state-of-the-art review of optimization studies related to tower design optimization, presenting a detailed examination of turbine, software, loads, optimization method, design variables and constraints, analysis, and findings, motivating future research to refine design approaches for effective turbine upscaling and improved efficiency. Lastly, the paper explores future directions where AI can revolutionize tower design optimization, enabling the development of efficient, scalable, and sustainable structures. By addressing the upscaling challenges and supporting the growth of renewable energy, this work contributes to shaping the future of offshore wind turbine towers and others supporting structures.
AI Agents in Engineering Design: A Multi-Agent Framework for Aesthetic and Aerodynamic Car Design
In IDETC 2025
Web Link Abstract ▼
We introduce the concept of 'Design Agents' for engineering applications, particularly focusing on the automotive design process, while emphasizing that our approach can be readily extended to other engineering and design domains. Our framework integrates AI-driven design agents into the traditional engineering workflow, demonstrating how these specialized computational agents interact seamlessly with engineers and designers to augment creativity, enhance efficiency, and significantly accelerate the overall design cycle. By automating and streamlining tasks traditionally performed manually, such as conceptual sketching, styling enhancements, 3D shape retrieval and generative modeling, computational fluid dynamics (CFD) meshing, and aerodynamic simulations, our approach reduces certain aspects of the conventional workflow from weeks and days down to minutes. These agents leverage state-of-the-art vision-language models (VLMs), large language models (LLMs), and geometric deep learning techniques, providing rapid iteration and comprehensive design exploration capabilities. We ground our methodology in industry-standard benchmarks, encompassing a wide variety of conventional automotive designs, and utilize high-fidelity aerodynamic simulations to ensure practical and applicable outcomes. Furthermore, we present design agents that can swiftly and accurately predict simulation outcomes, empowering engineers and designers to engage in more informed design optimization and exploration. This research underscores the transformative potential of integrating advanced generative AI techniques into complex engineering tasks, paving the way for broader adoption and innovation across multiple engineering disciplines.
Constraining Generative Models for Engineering Design with Negative Data
In Transactions on Machine Learning Research
Project Page Web Link Abstract ▼
Generative models have recently achieved remarkable success and widespread adoption in society, yet they often struggle to generate realistic and accurate outputs. This challenge extends beyond language and vision into fields like engineering design, where safety-critical engineering standards and non-negotiable physical laws tightly constrain what outputs are considered acceptable. In this work, we introduce a novel training method to guide a generative model toward constraint-satisfying outputs using `negative data' -- examples of what to avoid. Our negative-data generative model (NDGM) formulation easily outperforms classic models, generating 1/6 as many constraint-violating samples using 1/8 as much data in certain problems. It also consistently outperforms other baselines, achieving a balance between constraint satisfaction and distributional similarity that is unsurpassed by any other model in 12 of the 14 problems tested. This widespread superiority is rigorously demonstrated across numerous synthetic tests and real engineering problems, such as ship hull synthesis with hydrodynamic constraints and vehicle design with impact safety constraints. Our benchmarks showcase both the best-in-class performance of our new NDGM formulation and the overall dominance of NDGMs versus classic generative models.
GENCAD: Image-Conditioned Computer-Aided Design Generation with Transformer-Based Contrastive Representation and Diffusion Priors
In Transactions on Machine Learning Research
Project Page Web Link Abstract ▼
The creation of manufacturable and editable 3D shapes through Computer-Aided Design (CAD) remains a highly manual and time-consuming task, hampered by the complex topology of boundary representations of 3D solids and unintuitive design tools. While most work in the 3D shape generation literature focuses on representations like meshes, voxels, or point clouds, practical engineering applications demand the modifiability and manufacturability of CAD models and the ability for multi-modal conditional CAD model generation. This paper introduces GenCAD, a generative model that employs autoregressive transformers with a contrastive learning framework and latent diffusion models to transform image inputs into parametric CAD command sequences, resulting in editable 3D shape representations. Extensive evaluations demonstrate that GenCAD significantly outperforms existing state-of-the-art methods in terms of the unconditional and conditional generations of CAD models. Additionally, the contrastive learning framework of GenCAD facilitates the retrieval of CAD models using image queries from large CAD databases, which is a critical challenge within the CAD community. Our results provide a significant step forward in highlighting the potential of generative models to expedite the entire design-to-production pipeline and seamlessly integrate different design modalities.
DrivAerNet++: A Large-Scale Multimodal Car Dataset with Computational Fluid Dynamics Simulations and Deep Learning Benchmarks
In NeurIPS 2024
Project Page Web Link Abstract ▼
We present DrivAerNet++, the largest and most comprehensive multimodal dataset for aerodynamic car design. DrivAerNet++ comprises 8,000 diverse car designs modeled with high-fidelity computational fluid dynamics (CFD) simulations. The dataset includes diverse car configurations such as fastback, notchback, and es- tateback, with different underbody and wheel designs to represent both internal combustion engines and electric vehicles. Each entry in the dataset features detailed 3D meshes, parametric models, aerodynamic coefficients, and extensive flow and surface field data, along with segmented parts for car classification and point cloud data. This dataset supports a wide array of machine learning applications including data-driven design optimization, generative modeling, surrogate model training, CFD simulation acceleration, and geometric classification. With more than 39 TB of publicly available engineering data, DrivAerNet++ fills a significant gap in available resources, providing high-quality, diverse data to enhance model training, promote generalization, and accelerate automotive design processes. Along with rigorous dataset validation, we also provide ML benchmarking results on the task of aerodynamic drag prediction, showcasing the breadth of applications supported by our dataset. This dataset is set to significantly impact automotive design and broader engineering disciplines by fostering innovation and improving the fidelity of aerodynamic evaluations.
LInK: Learning Joint Representations of Design and Performance Spaces through Contrastive Learning for Mechanism Synthesis
In Transactions on Machine Learning Research
PDF Project Page Web Link Abstract ▼
In this paper, we introduce LInK, a novel framework that integrates contrastive learning of performance and design space with optimization techniques for solving complex inverse problems in engineering design with discrete and continuous variables. We focus on the path synthesis problem for planar linkage mechanisms. By leveraging a multi-modal and transformation-invariant contrastive learning framework, LInK learns a joint representation that captures complex physics and design representations of mechanisms, enabling rapid retrieval from a vast dataset of over 10 million mechanisms. This approach improves precision through the warm start of a hierarchical unconstrained nonlinear optimization algorithm, combining the robustness of traditional optimization with the speed and adaptability of modern deep learning methods. Our results on an existing benchmark demonstrate that LInK outperforms existing methods with 28 times less error compared to a state-of-the-art approach while taking 20 times less time on an existing benchmark. Moreover, we introduce a significantly more challenging benchmark, named LINK-ABC, which involves synthesizing linkages that trace the trajectories of English capital alphabets - an inverse design benchmark task that existing methods struggle with due to large non-linearities and tiny feasible space. Our results demonstrate that LInK not only advances the field of mechanism design but also broadens the applicability of contrastive learning and optimization to other areas of engineering.
Fast and Accurate Bayesian Optimization with Pre-trained Transformers for Constrained Engineering Problems
In Structural and Multidisciplinary Optimization
PDF Web Link Dataset Abstract ▼
Bayesian Optimization (BO) is a foundational strategy in the field of engineering design optimization for efficiently handling black-box functions with many constraints and expensive evaluations. This paper introduces a fast and accurate BO framework that leverages Pre-trained Transformers for Bayesian Optimization (PFN4sBO) to address constrained optimization problems in engineering. Unlike traditional BO methods that rely heavily on Gaussian Processes (GPs), our approach utilizes Prior-data Fitted Networks (PFNs), a type of pre-trained transformer, to infer constraints and optimal solutions without requiring any iterative retraining. We demonstrate the effectiveness of PFN-based BO through a comprehensive benchmark consisting of fifteen test problems, encompassing synthetic, structural, and engineering design challenges. Our findings reveal that PFN-based BO significantly outperforms Constrained Expected Improvement and Penalty-based GP methods by an order of magnitude in speed while also outperforming them in accuracy in identifying feasible, optimal solutions. This work showcases the potential of integrating machine learning with optimization techniques in solving complex engineering challenges, heralding a significant leap forward for optimization methodologies, opening up the path to using PFN-based BO to solve other challenging problems, such as enabling user-guided interactive BO, adaptive experiment design, or multi-objective design optimization. Additionally, we establish a benchmark for evaluating BO algorithms in engineering design, offering a robust platform for future research and development in the field. This benchmark framework for evaluating new BO algorithms in engineering design will be published at this https URL.
Aligning Optimization Trajectories with Diffusion Models for Constrained Design Generation
In NeurIPS 2023
PDF Project Page Web Link Abstract ▼
Generative models have had a profound impact on vision and language, paving the way for a new era of multimodal generative applications. While these successes have inspired researchers to explore using generative models in science and engineering to accelerate the design process and reduce the reliance on iterative optimization, challenges remain. Specifically, engineering optimization methods based on physics still outperform generative models when dealing with constrained environments where data is scarce and precision is paramount. To address these challenges, we introduce Diffusion Optimization Models (DOM) and Trajectory Alignment (TA), a learning framework that demonstrates the efficacy of aligning the sampling trajectory of diffusion models with the optimization trajectory derived from traditional physics-based methods. This alignment ensures that the sampling process remains firmly grounded in the underlying physical principles. Our method allows for generating feasible and high-performance designs in as few as two steps without the need for expensive preprocessing, external surrogate models, or additional labeled data. DOM also integrates an efficient conditioning approximation to speed up inference and a few steps of direct optimization to guide the process explicitly toward regions with superior manufacturability and performance. We apply our framework to structural topology optimization, a fundamental problem in mechanical design, evaluating its performance on in- and out-of-distribution configurations. Our results demonstrate that Trajectory Alignment outperforms state-of-the-art deep generative models on in-distribution configurations and halves the inference computational cost. When coupled with a few steps of optimization, it also improves manufacturability for out-of-distribution conditions. DOM shows the effectiveness of combining learning and optimization trajectories. By significantly improving engineering performance and inference efficiency, it enables us to generate high-quality designs in just a few steps and guide them toward regions of high performance and manufacturability, paving the way for the widespread application of generative models in large-scale data-driven design.
Multi-Modal Machine Learning in Engineering Design: A Review and Future Directions
In Journal of Computer and Information Science in Engineering 2023
PDF Project Page Web Link Abstract ▼
Multi-modal machine learning (MMML), which involves integrating multiple modalities of data and their corresponding processing methods, has demonstrated promising results in various practical applications, such as text-to-image translation. This review paper summarizes the recent progress and challenges in using MMML for engineering design tasks. First, we introduce the different data modalities commonly used as design representations and involved in MMML, including text, 2D pixel data (e.g., images and sketches), and 3D shape data (e.g., voxels, point clouds, and meshes). We then provide an overview of the various approaches and techniques used for representing, fusing, aligning, synthesizing, and co-learning multi-modal data as five fundamental concepts of MMML. Next, we review the state-of-the-art capabilities of MMML that potentially apply to engineering design tasks, including design knowledge retrieval, design evaluation, and design synthesis. We also highlight the potential benefits and limitations of using MMML in these contexts. Finally, we discuss the challenges and future directions in using MMML for engineering design, such as the need for large labeled multi-modal design datasets, robust and scalable algorithms, integrating domain knowledge, and handling data heterogeneity and noise. Overall, this review paper provides a comprehensive overview of the current state and prospects of MMML for engineering design applications.
Beyond Statistical Similarity: Rethinking Metrics for Deep Generative Models in Engineering Design
In Computer Aided Design 2023
PDF Web Link Abstract ▼
Deep generative models, such as Variational Autoencoders (VAEs), Generative Adversarial Networks (GANs), Diffusion Models, and Transformers, have shown great promise in a variety of applications, including image and speech synthesis, natural language processing, and drug discovery. However, when applied to engineering design problems, evaluating the performance of these models can be challenging, as traditional statistical metrics based on likelihood may not fully capture the requirements of engineering applications. This paper doubles as a review and a practical guide to evaluation metrics for deep generative models (DGMs) in engineering design. We first summarize well-accepted `classic' evaluation metrics for deep generative models grounded in machine learning theory and typical computer science applications. Using case studies, we then highlight why these metrics seldom translate well to design problems but see frequent use due to the lack of established alternatives. Next, we curate a set of design-specific metrics which have been proposed across different research communities and can be used for evaluating deep generative models. These metrics focus on unique requirements in design and engineering, such as constraint satisfaction, functional performance, novelty, and conditioning. We structure our review and discussion as a set of practical selection criteria and usage guidelines. Throughout our discussion, we apply the metrics to models trained on simple 2-dimensional example problems. Finally, to illustrate the selection process and classic usage of the presented metrics, we evaluate three deep generative models on a multifaceted bicycle frame design problem considering performance target achievement, design novelty, and geometric constraints. We publicly release the code for the datasets, models, and metrics used throughout the paper.
Diffusion Models Beat GANs on Topology Optimization
In AAAI 2023
PDF Project Page Web Link Abstract ▼
Structural topology optimization, which aims to find the optimal physical structure that maximizes mechanical performance, is vital in engineering design applications in aerospace, mechanical, and civil engineering. Generative adversarial networks (GANs) have recently emerged as a popular alternative to traditional iterative topology optimization methods. However, these models are often difficult to train, have limited generalizability, and due to their goal of mimicking optimal structures, neglect manufacturability and performance objectives like mechanical compliance. We propose TopoDiff - a conditional diffusion-model-based architecture to perform performance-aware and manufacturability-aware topology optimization that overcomes these issues. Our model introduces a surrogate model-based guidance strategy that actively favors structures with low compliance and good manufacturability. Our method significantly outperforms a state-of-art conditional GAN by reducing the average error on physical performance by a factor of eight and by producing eleven times fewer infeasible samples. By introducing diffusion models to topology optimization, we show that conditional diffusion models have the ability to outperform GANs in engineering design synthesis applications too. Our work also suggests a general framework for engineering optimization problems using diffusion models and external performance with constraint-aware guidance. We publicly share the data, code, and trained models.
Deep Generative Models in Engineering Design: A Review
In Journal of Mechanical Design 2022
PDF Web Link Dataset Abstract ▼
Automated design synthesis has the potential to revolutionize the modern engineering design process and improve access to highly optimized and customized products across countless industries. Successfully adapting generative machine learning to design engineering may enable such automated design synthesis and is a research subject of great importance. We present a review and analysis of deep generative machine learning models in engineering design. Deep generative models (DGMs) typically leverage deep networks to learn from an input dataset and synthesize new designs. Recently, DGMs such as feedforward neural networks (NNs), generative adversarial networks (GANs), variational autoencoders (VAEs), and certain deep reinforcement learning (DRL) frameworks have shown promising results in design applications like structural optimization, materials design, and shape synthesis. The prevalence of DGMs in engineering design has skyrocketed since 2016. Anticipating the continued growth, we conduct a review of recent advances to benefit researchers interested in DGMs for design. We structure our review as an exposition of the algorithms, datasets, representation methods, and applications commonly used in the current literature. In particular, we discuss key works that have introduced new techniques and methods in DGMs, successfully applied DGMs to a design-related domain, or directly supported the development of DGMs through datasets or auxiliary methods. We further identify key challenges and limitations currently seen in DGMs across design fields, such as design creativity, handling constraints and objectives, and modeling both form and functional performance simultaneously. In our discussion, we identify possible solution pathways as key areas on which to target the future work.
Announcements
Prospective Ph.D. students - If you are interested in joining the DeCoDE lab, you can apply to the Computational Science and Engineering Program or to the Mechanical Engineering department at MIT.
If you are interested in joining the DeCoDE lab, drop me an email with the following text in your subject line "Join DeCoDE:" followed by the position you are interested in (for example, a postdoc, intern, visiting student, etc.).
Datasets [See all datasets]
Blendednet - A large-scale aerodynamic dataset of 999 blended wing body geometries. Each geometry is simulated across about nine flight conditions, yielding 8830 converged RANS cases with the Spalart-Allmaras model and 9 to 14 million cells per case.
DrivAerNet++ - A large-scale multimodal dataset of 8000 detailed 3D car meshes and aerodynamic performance data comprising of full 3D pressure, velocity fields, and wall-shear stresses, point clouds and parts annotation.
DrivAerNet dataset - A dataset of 4000 detailed 3D car meshes and aerodynamic performance data comprising of full 3D pressure, velocity fields, and wall-shear stresses.
VLM dataset - A dataset of 1000+ tasks to evaluate vision language models.
Car Drag Coefficient - A dataset of 4,948 3D car meshes, their renderings, and their drag coefficients.
LINKS dataset - A dataset of 100 million planar linkage mechanisms and 1.1 billion coupler curves obtained from kinematic simulations. The dataset also contains curated curves, 100 million negative samples, and a publicly available simulation software.
Turbo-compressors dataset - A dataset of 22 million turbo-compressors and their performance under different operating conditions.
Airfoil dataset - A synthetic dataset of 48,503 airfoils and their aerodynamic performance computed using OpenFOAM.
Topodiff topology optimization dataset - A dataset of 33,000 images corresponding to optimal topologies for diverse boundary conditions. The dataset also contains their physical fields, compliance values, and an additional 42000 non-optimal topologies.
SHIP-D dataset - A dataset of 30,000 ship hulls each with design and functional performance information, including parameterization, mesh, point-cloud, and image representations, as well as 32 hydrodynamic drag measures under different operating conditions.
3D cars dataset - A diverse dataset of 9,070 high-quality 3D car meshes labeled by drag coefficients computed from computational fluid dynamics simulations.
BIKED dataset - A dataset of 4,500 community-designed bicycles in tabular and image format, along with images corresponding to different bike parts for each bicycle.
BIKED++ dataset - A dataset of 1.4 million bicycles represented in tabular and image format, along with CLIP embeddings of all designs.
FRAMED dataset - A dataset of 4,500 bicycle frames and ten performance metrics obtained from structural simulations.
Aircraft dataset - A dataset of lift and drag performance values of 4,045 3D aircraft models from Shapenet.
Milk Frother dataset - A multimodal dataset of 1,126 milk frother sketches and their text descriptions. The dataset is derived from a milk frother dataset collected at the Brite lab.
Autosurf aircraft dataset A dataset of 1,050 airplane models with segmentation labels, created using NASA's Open Vehicle Sketch Pad (OpenVSP).
Other engineering datasets A collection of datasets from the engineering design community, curated for our JMD review paper. Note that this list was made in 2022 and is not regularly updated.
Principal Investigator
Faez Ahmed
Associate Professor Department of Mechanical Engineering Massachusetts Institute of Technology Email: faez at mit dot edu Prof. Faez Ahmed is an Associate Professor in the Department of Mechanical Engineering at MIT, where he directs the Design Computation and Digital Engineering Lab. His research interests lie at the intersection of Artificial Intelligence and engineering design, focusing particularly on first‑principle generative AI and optimization algorithms, multi‑modal representation learning, and engineering design methodology with human–AI design co‑pilots. Before joining MIT, Prof. Ahmed was a postdoctoral fellow at Northwestern University and earned his Ph.D. in Mechanical Engineering from the University of Maryland. He also spent several years in Australia’s railway and mining sector, leading data‑driven predictive‑maintenance initiatives. Prof. Ahmed has received the NSF CAREER Award, the ASME DAC Young Investigator Award, the ASME DTM Young Investigator Award, the Google Research Scholar Award, and the Keenan Award for Innovation in Undergraduate Education. At MIT, he has held the Doherty, d’Arbeloff, and ABS Career Development Chairs. He currently serves as an Associate Editor for Computer‑Aided Design and as the Featured Articles Editor for the ASME Journal of Mechanical Design.Current Members [See all members]
Fun fact: According to the Mathematics Genealogy Project, our academic ancestors include: Poisson, Laplace, Lagrange, Euler, Bernoulli, Leibniz, Copernicus, Nasir al-Din al-Tusi, and many more. Check out our academic family tree.
News
August 2025
DAC Best Paper Award
CAD-Coder paper by Annie Doris and team received the "DAC Best Paper Award"
August 2025
Dr. Ahmed Received DAC Young Investigator Award
Dr. Ahmed received the 2025 DAC Young Investigator Award at the ASME IDETC conference.
November 2024
DeCoDE Lab Hosts Toyota Research Institute
The DeCoDE Lab hosted a workshop with visitors from Toyota Research and Toyota Japan.
August 2024
Dr. Ahmed Received DTM Young Investigator Award
Dr. Ahmed received the 2024 DTM Young Investigator Award at the ASME IDETC conference.
August 2024
DeCoDE Lab Presented Their Work at ASME IDETC 2024 Conference
DeCoDE lab members attended and presented work at the ASME IDETC 2024 conference.
August 2024
Second 'From Data to Design' Workshop Conducted at IDETC 2024
We conducted the second Data2Design workshop during IDETC 2024. We were grateful for the thoughtful discussions, insightful questions, and genuine engagement from all the attendees. Check out the webpage to see the program here.
May 2024
MIT DeCoDE and IBM LLM Workshop Co-Organized
Dr. Srivastava and Dr. Ahmed co-organized the first-ever InstructLab workshop on LLMs at the MIT IBM office.
May 2024
Google Research Scholar Award
Dr. Ahmed and Dr. Alam received the Google Research Scholar Award 2024 in Applied Science.
February 2024
Kristen Presented at The National Academies of Sciences, Engineering, and Medicine
Kristen spoke about her research which she and her team published in the ASME Journal of Mechanical Design: ADVISE: Accelerating the Creation of Evidence Syntheses for Global Development Using Natural Language Processing-Supported Human-Artificial Intelligence Collaboration.
December 2023
Rui Zhou Won Pillar AI Collective Fellowship
Rui Zhou won the MIT Pillar AI Collective Fellowship.
December 2023
DeCoDE Lab Presented Their Work at NeurIPS Conference
Lyle, Amin, and DeCoDE alumni Giorgio and Binyang attended and presented their work at NeurIPS 2023.
October 2023
Kristen Edwards, Noah Bagazinski, and Rui Zhou Won MIT Ignite Competition
Rui Zhou won the MIT Flagship award and Noah Bagazinski and Kristen Edwards won the runner-up prize at the MIT IGNITE Generative AI Entrepreneurship Competition.
October 2023
Lyle's Work Highlighted in an MIT News Article
Check out the article about Lyle’s work by MIT News.
September 2023
Dr. Binyang Song Joined Virginia Tech as Tenure-Track Faculty
We announced that Dr. Binyang Song had accepted a tenure-track faculty position at Virginia Tech in the Department of Industrial and Systems Engineering. Learn more.
September 2023
DeCoDE Lab Welcomed New Graduate Students
We welcomed Annie, Nomi, Nicholas, Rosen, Brandon, and Kaira to the DeCoDE lab.
August 2023
First 'From Data to Design' Workshop Held at IDETC 2023
We saw a large number of participants join our workshop during IDETC 2023. We were grateful for the thoughtful discussions, insightful questions, and genuine engagement from all the attendees. Check out the webpage to see the program here.
August 2023
Noah Won Exemplary Poster Presentation Award at NDSEG Fellowship Conference
Noah Bagazinski won an award for Exemplary Poster Presentation in Naval Architecture and Ocean Engineering at the NDSEG Fellowship Conference in San Antonio, Texas.
July 2023
Amin Was Awarded The 2023 Mathworks Fellowship
Amin received the 2023 Mathworks Fellowship at MIT.
May 2023
Kristen Passed Quals
Kristen passed the MechE qualifying exams.
April 2023
Instagram Page Launched by DeCoDE Lab
DeCoDE lab launched its student-run Instagram page follow us.
March 2023
Celebrations Held by DeCoDE Lab
DeCoDE lab celebrated IDETC conference submissions in North End.
February 2023
Kristen and Noah Won Poster Awards
Kristen and Noah won awards for their posters at MERE 2023.
February 2023
Noah and Amin Passed Quals
Noah and Amin passed MechE qualifying exams.
January 2023
CMU AiPEX-MIT DeCoDE Get-Together Held
We thanked Dr. Conrad Tucker and the AiPEX lab team for visiting us and sharing their fantastic work.
August 2022
Amin Was Awarded The 2022 Mathworks Fellowship
Amin received the 2022 Mathworks Fellowship at MIT.
August 2022
Noah and Lyle Won Third Place at IDETC Hackathon
Noah and Lyle won the third prize at two ASME IDETC Hackathons.
August 2022
Dr. Ahmed's Work Was Featured
Dr. Ahmed won the Honorable Mention award in the JMD editors’ choice award for their PaDGAN paper.
August 2022
Kristen Completed Her Master's Degree
Kristen completed her master's degree in MechE.
July 2022
Dr. Ahmed Received 3M Award
Dr. Ahmed received the 3M Non-Tenured Faculty Award.
June 2022
Noah's Poster Received Award
Noah won the ASME Student Poster Travel Award.
May 2022
Lyle Became DeCoDE's First PhD Candidate
Lyle passed MechE qualifying exams and became DeCoDE lab's first Ph.D. candidate.
May 2022
Lyle And Amin Completed Their Master's Degrees
Lyle and Amin completed their master's degrees in MechE.
April 2022
Lyle Received Honorable Mention
Lyle received honorable mention in the NSF GRFP award.
April 2022
Kristen Received NSF GRFP Award
Kristen received the NSF GRFP award.
September 2021
Amin Was Awarded The 2021 Mathworks Fellowship
Amin received the 2021 Mathworks Fellowship at MIT.
July 2021
Dr. Ahmed Received Award from The UMD Alumni Association
Dr. Ahmed received the 2022 Alumni Excellence Research Award from the UMD Alumni Association.