Seismic Innovation.
Delivered.

Specialized R&D consultancy bridging the gap between rigorous wave physics and modern deep learning. Over a decade of independent expertise in high-performance seismic imaging.

Contact for R&D Services View Software
10+ Years Independent R&D
580+ Citations
300+ GitHub Stars

Core Capabilities

Providing technical leadership and software solutions for complex geophysical problems.

🌊

Wave Propagation

Expertise in 1D, 2D, and 3D propagators including Acoustic, Elastic with topography, and Born modelling. Implementation of advanced gradients like double backpropagation.

âš¡

HPC & Optimization

Writing high-performance C and CUDA kernels for computationally intensive time loops. Optimizing memory usage across GPU, CPU, and disk for large-scale models.

🧠

Deep Learning Integration

Pioneering work in differentiable physics. Integrating wave equations into PyTorch graphs for end-to-end training of FWI, RTM, and neural network-based inversion.

Flagship Software

Deepwave

A high-performance wave propagation module for PyTorch.

Deepwave enables researchers and engineers to treat wave propagation as a differentiable layer within deep learning pipelines. It combines the ease of use of PyTorch with the raw speed of custom C/CUDA kernels.

PyTorch CUDA C++ Differentiable Programming
  • ✅ Versatile Physics: Scalar, Variable-density, Elastic (w/ topography).
  • ✅ Memory Efficient: Checkpointing and lossy compression support.
  • ✅ Production Ready: Used in 90+ academic citations.
View on GitHub Read Documentation
# Example: Differentiable FWI with Deepwave
import torch
import deepwave

# Forward pass (Auto-grad enabled)
out = deepwave.scalar(v, grid_spacing, dt,
source_amplitudes, source_locations,
receiver_locations)[-1]

# Backpropagate error
loss = criterion(out, observed_data)
loss.backward() # Gradients calc'd via C/CUDA

Selected Publications

Active learning for seismic processing parameterisation
ArXiv 2021

Applying active learning to optimally select samples for labelling in first break picking. An approach to assist labour-intensive processing tasks without resorting to black-box neural networks.

Read Article →
Seismic Data Denoising and Deblending Using Deep Learning
ArXiv 2019

A U-net constructed with a pretrained ResNet, incorporating information from neighbouring gathers, to denoise and deblend real datasets from diverse geological settings.

Read Article →
Generative Adversarial Networks for Model Order Reduction in FWI
ArXiv 2018

Integrating a GAN into seismic Full-Waveform Inversion to reduce model parameters and restrict inverted models to plausible geological structures.

Read Article →
Seismic Full-Waveform Inversion Using Deep Learning Tools
ArXiv 2018

Demonstrating that conventional FWI algorithms can be constructed as recurrent neural networks, enabling implementation via standard deep learning frameworks.

Read Article →