Skip to content

maklachur/Mamba-in-Computer-Vision

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 

History

35 Commits
 
 
 
 

Repository files navigation

Mamba in Vision: A Comprehensive Survey of Techniques and Applications [Paper]

If you find this repository helpful, please consider citing our paper:

@article{rahman2024mamba,
  title={Mamba in Vision: A Comprehensive Survey of Techniques and Applications},
  author={Rahman, Md Maklachur and Tutul, Abdullah Aman and Nath, Ankur and Laishram, Lamyanba and Jung, Soon Ki and Hammond, Tracy},
  journal={arXiv preprint arXiv:2410.03105},
  year={2024}
}

Taxonomy

Taxonomy

Mamba in Computer Vision Applications

General Purpose

  • SUM: Saliency Unification through Mamba for Visual Attention Modeling - June 25, 2024, arXiv [Paper] [Code] Stars

    Saliency Unification through Mamba (SUM) combines Mamba's powerful long-range dependency modeling with U-Net. It offers a unified model for different image types and adapts dynamically through a novel Conditional Visual State Space (C-VSS) block. It works well across natural images, web pages, and even commercial images, making it a versatile solution for a wide range of visual data.

  • Vim-F: Visual State Space Model Benefiting from Learning in the Frequency Domain - May 29, 2024, arXiv [Paper] [Code] Stars

    Vim-F is an improved Vision Mamba (ViM) model that scans both frequency and spatial domains using Fast Fourier Transform (FFT) to capture a unified visual representation. By removing position embedding and using a convolutional stem for patch embedding, Vim-F enhances the model's ability to interpret spatial relationships and improves performance.

  • FractalVMamba: Scalable Visual State Space Model with Fractal Scanning - May 23, 2024, arXiv [Paper]

    This paper addresses the limitations of linear scanning curves in SSMs for image patch serialization and proposes fractal scanning curves as a solution. Fractal curves preserve spatial proximity and adapt to different resolutions, improving SSMs' ability to model complex patterns.

  • MSVMamba: Multi-Scale VMamba: Hierarchy in Hierarchy Visual State Space Model - May 23, 2024, arXiv [Paper] [Code] Stars

    Multi-Scale Vision Mamba (MSVMamba) improves the efficiency of SSMs in vision tasks by using a multi-scale 2D scanning technique. It also incorporates a Convolutional Feed-Forward Network (ConvFFN) to improve channel mixing.

  • Mamba-R: Vision Mamba ALSO Needs Registers - May 23, 2024, arXiv [Paper] [Homepage] [Code] Stars

    This paper identifies artifacts in Vision Mamba's feature maps, particularly high-norm tokens in low-information background areas. To address this, it introduces register tokens into Vision Mamba, resulting in the new Mamba-R architecture. Key modifications include evenly inserting registers and recycling them for final predictions. Mamba-R produces cleaner, more focused feature maps.

  • MambaMixer: Efficient Selective State Space Models with Dual Token and Channel Selection - Mar 29, 2024, arXiv [Paper] [Code] Stars

    MambaMixer is a new architecture with data-dependent weights that uses a dual selection mechanism across tokens and channels, called Selective Token and Channel Mixer. It allows layers to access early features directly. As a proof of concept, Vision MambaMixer (ViM2) and Time Series MambaMixer (TSM2) are evaluated and achieved competitive performance.

  • Heracles: A Hybrid SSM-Transformer Model for High-Resolution Image and Time-Series Analysis - Mar 26, 2024, arXiv [Paper] [Code] Stars

    Heracles addresses two key challenges in SSMs: instability in large networks and difficulty handling local image information. It combines a global state space model, a local convolutional network, and attention-based token interaction to stabilize scaling and improve local detail capture. This approach achieves SOTA performance on ImageNet and excels in both vision and time-series tasks.

  • PlainMamba: Improving Non-Hierarchical Mamba in Visual Recognition - March 26, 2024, arXiv [Paper] [Code] Stars

    PlainMamba, is a simple non-hierarchical SSM, designed for visual recognition tasks. It adapts the Mamba model's selective scanning process to images with a continuous 2D scanning process and direction-aware updating. PlainMamba is easy to scale, with constant width across layers and no special tokens. It performs strongly on visual tasks, particularly in high-resolution inputs requiring less computational power.

  • SiMBA: Simplified Mamba-Based Architecture for Vision and Multivariate Time Series - March 22, 2024, arXiv [Paper] [Code] Stars

    SiMBA combines Einstein FFT (EinFFT) for channel modeling with the Mamba block for sequence modeling. It addresses the stability issues of Mamba in large networks and outperforms existing SSMs across image and time-series benchmarks. It also establishes itself as the new SOTA SSM on ImageNet and various transfer learning and time-series benchmarks.

  • EfficientVMamba: Atrous Selective Scan for Light Weight Visual Mamba - March 15, 2024, arXiv [Paper] [Code] Stars

    EfficientVMamba is a light-weight visual SSM that combines an atrous-based selective scan approach with convolutional branches. It reduces computational complexity while capturing both global and local features. It also achieves competitive performance, notably improving Vim-Ti by 5.6% on ImageNet with fewer FLOPs

  • LocalMamba: Visual State Space Model with Windowed Selective Scan - March 14, 2024, arXiv [Paper] [Code] Stars

    This paper introduces a novel local scanning strategy for Vision Mamba (ViM) to better preserve 2D dependencies, improving sequence modeling for vision tasks. By dynamically optimizing scan directions for each network layer, the model significantly enhances performance, outperforming Vim-Ti by 3.1% on ImageNet with the same 1.5G FLOPs.

  • Mamba-ND: Selective State Space Modeling for Multi-Dimensional Data - February 8, 2024, arXiv [Paper] [Code] Stars

    Mamba-ND is a generalized version of the Mamba architecture for multi-dimensional data. It unravels input data across dimensions using row-major orderings and achieves competitive performance on benchmarks such as ImageNet-1K, HMDB-51, and ERA5, while maintaining efficient scalability compared to self-attention models.

  • VMamba: Visual State Space Model - January 18, 2024, arXiv [Paper[Code] Stars

    VMamba addresses the challenge of adapting state-space models to 2D vision data by introducing the 2D Selective Scan (SS2D) module, which enables efficient context gathering across different scanning routes. This solution bridges the gap between 1D scans and the non-sequential structure of 2D images, improving input scaling efficiency and performance in visual perception tasks.

  • Vision Mamba: Efficient Visual Representation Learning with Bidirectional State Space Model - January 17, 2024, arXiv [Paper] [Code] Stars

    This paper addresses the challenge of position-sensitivity and global context in SSMs for visual data by introducing Vim, a vision backbone using bidirectional Mamba blocks. Vim replaces self-attention with bidirectional SSMs, improving visual representation learning while enhancing computational and memory efficiency.

Image Classification, Object Detection, and Segmentation (General)

Image Classification

  • Res-VMamba: Fine-Grained Food Category Visual Classification Using Selective State Space Models with Deep Residual Learning - February 24, 2024, arXiv [Paper] [Code] Stars

    This paper tackles the challenge of fine-grained food classification by integrating a residual learning framework into the VMamba model. It enhances both global and local state features, improving classification accuracy to 79.54% without pretrained weights, surpassing current SOTA models on the CNFOOD-241 dataset.

  • InsectMamba: Insect Pest Classification with State Space Model - April 4, 2024, arXiv [Paper]

    This paper addresses the challenge of fine-grained pest classification by introducing InsectMamba, a model that combines SSMs, CNNs, MSA, and MLPs within Mix-SSM blocks. This integration enhances feature extraction for pest identification, overcoming issues like camouflage and species diversity.

Object Detection

  • RWKV-SAM: Mamba or RWKV: Exploring High-Quality and High-Efficiency Segment Anything Model - June 27, 2024, arXiv [Paper] [Code] Stars

    RWKV-SAM solves the challenge of efficient segmentation for high-resolution images by using a mixed backbone with convolution and RWKV operations. It provides high accuracy and efficiency, surpassing transformer and Mamba-based models with more than 2x speedup and improved segmentation quality across multiple datasets.

  • Voxel Mamba: Group-Free State Space Models for Point Cloud-based 3D Object Detection - June 15, 2024, arXiv [Paper] [Code] Stars

    Voxel Mamba solves the challenge of maintaining spatial proximity in 3D voxel serialization by using a group-free strategy with SSMs. It enhances spatial coherence with a Dual-scale SSM Block and positional encoding to achieve higher accuracy and efficiency in 3D object detection.

  • Mamba-YOLO: SSMs-Based YOLO For Object Detection - June 9, 2024, arXiv [Paper] [Code] Stars

    Mamba-YOLO addresses the computational burden of Transformer-based object detection models by leveraging SSMs to reduce quadratic complexity. It introduces LSBlock and RGBlock to improve local image dependency capture, enhancing both precision and robustness. Mamba-YOLO outperforms existing YOLO models on COCO and VOC datasets.

  • SOAR: Advancements in Small Body Object Detection for Aerial Imagery Using State Space Models and Programmable Gradients - May 2, 2024, arXiv [Paper] [Code] Stars

    This paper addresses the challenge of small object detection in aerial imagery by introducing two novel approaches: the SAHI framework on YOLO v9 with Programmable Gradient Information (PGI) to reduce information loss, and a Vision Mamba model with position embeddings and a bidirectional SSM for enhanced visual context modeling. These methods significantly improve detection accuracy and efficiency in real-time aerial scenarios.

Segmentation

  • Chen et al. (2024): Vision Mamba-based autonomous crack segmentation on concrete, asphalt, and masonry surfaces - June 24, 2024, arXiv [Paper]

    They introduce a VMamba-based framework for crack segmentation. The proposed encoder-decoder network achieves up to 2.8% higher mDS with 15.6% - 74.5% fewer parameters than CNNs and comparable performance to Transformers, while reducing floating-point operations by up to 90.6%.

  • HTD-Mamba: Efficient Hyperspectral Target Detection with Pyramid State Space Model - July 9, 2024, arXiv [Paper] [Code] Stars

    HTD-Mamba is an efficient self-supervised method for hyperspectral target detection that uses spectrally contrastive learning, spatial-encoded spectral augmentation, and a pyramid SSM to model long-range dependencies and capture multiresolution features. It outperforms SOTA methods on four public datasets.

  • Fusion-Mamba: Efficient Image Fusion with State Space Model - April 11, 2024, arXiv [Paper]

    FusionMamba is an efficient image fusion method that leverages Mamba blocks in U-shaped networks to extract spatial and spectral features independently. The FusionMamba block combines dual inputs for better fusion, outperforming existing techniques. It achieves SOTA performance across multiple image fusion tasks.

  • MiM-ISTD: Mamba-in-Mamba for Efficient Infrared Small Target Detection - March 4, 2024, arXiv [Paper] [Code] Stars

    MiM-ISTD is an efficient infrared small target detection method that combines Outer and Inner Mamba blocks to capture both global and local features. It achieves 8× faster performance and reduces GPU memory usage by 62.2% compared to SOTA methods on high-resolution infrared images.

Image Enhancement

  • BVI-RLV: A Fully Registered Dataset and Benchmarks for Low-Light Video Enhancement - July 3, 2024, arXiv [Paper] [Code] Stars

    This paper introduces a new low-light video dataset with 40 scenes, capturing genuine noise and temporal artifacts. The dataset provides fully registered ground truth data for pixel-wise frame alignment. Benchmarks using CNNs, transformers, diffusion models, and Mamba show improved performance for low-light video enhancement (LLVE) compared to existing datasets.

  • MLFSR: Mamba-based Light Field Super-Resolution with Efficient Subspace Scanning - June 23, 2024, arXiv [Paper]

    MLFSR is a Mamba-based Light Field Super-Resolution method that introduces an efficient subspace scanning strategy to tokenize and process 4D LFs. It captures global and local details using a Mamba-based Global Interaction module and Spatial-Angular Modulator. MLFSR outperforms CNN-based models and rivals Transformers while offering faster inference and lower memory usage.

  • LFMamba: Light Field Image Super-Resolution with State Space Model - June 18, 2024, arXiv [Paper]

    LFMamba is an SSM-based network for light field super-resolution that addresses the challenges in 4D light fields. By using SSMs with an SS2D mechanism on 2D slices of 4D LFs, it efficiently models spatial, angular, and structural information. LFMamba outperforms existing methods on LF benchmarks and demonstrates strong generalization in ablation studies.

  • HDMba: Hyperspectral Remote Sensing Imagery Dehazing with State Space Model - June 9, 2024, arXiv [Paper] [Code] Stars

    HDMba is the first Mamba-based network for hyperspectral image dehazing, addressing spatial visibility and spectral distortion challenges. It introduces a Window Selective Scan Module (WSSM) to capture both local dependencies and global correlations. HDMba outperforms SOTA methods in dehazing performance, as demonstrated on the Gaofen-5 HSI dataset.

  • WaterMamba: Visual State Space Model for Underwater Image Enhancement - May 14, 2024, arXiv [Paper]

    WaterMamba is an SSM-based underwater image enhancement method. It introduces SCOSS blocks, combining pixel and channel information flow, and MSFFN for information flow adjustment. WaterMamba outperforms SOTA methods with fewer parameters and computational resources with improving generalizability.

  • DVMSR: Distillated Vision Mamba for Efficient Super-Resolution - May 11, 2024, arXiv [Paper] [Code] Stars

    DVMSR is a lightweight Image Super-Resolution network that combines Vision Mamba with a distillation strategy. It uses Residual State Space Blocks (RSSBs) to balance efficiency and performance, leveraging teacher-student supervision. DVMSR outperforms SOTA efficient SR methods, maintaining high PSNR and SSIM with fewer parameters.

  • FourierMamba: Fourier Learning Integration with State Space Models for Image Deraining - May 29, 2024, arXiv [Paper]

    FourierMamba introduces Mamba into the Fourier space for image deraining, correlating low and high frequencies to improve performance. It uses zigzag coding to rearrange frequencies in the spatial dimension and directly applies Mamba in the channel dimension for enhanced frequency correlation. This approach leverages frequency information more effectively for superior image deraining.

  • RetinexMamba: Retinex-based Mamba for Low-light Image Enhancement - May 6, 2024, arXiv [Paper] [Code] Stars

    RetinexMamba combines traditional Retinex methods with deep learning, leveraging SSMs for efficient low-light image enhancement. It introduces Fused-Attention in place of IG-MSA for better interpretability and performance. RetinexMamba outperforms existing Retinex-based methods on the LOL dataset.

  • SRODT: Sparse Reconstruction of Optical Doppler Tomography Based on State Space Model - April 26, 2024, arXiv [Paper]

    This paper introduces a novel sparse reconstruction framework for Optical Doppler Tomography (ODT) that reduces computational and storage demands. It integrates magnitude-phase fusion, SSM-based representation learning, an Inception-based Feedforward Network (IncFFN), and a B-line Pixel Shuffle (BPS) layer for improved reconstruction accuracy. This is the first application of SSM in image reconstruction, showing promising results in real-world animal data.

  • MambaUIE&SR: Unraveling the Ocean's Secrets with Only 2.8 GFLOPs - April 22, 2024, arXiv [Paper] [Code] Stars

    MambaUIE is an SSM-based underwater image enhancement model that efficiently synthesizes global and local information using Visual State Space (VSS) blocks, a Dynamic Interaction Block (DIB), and a Spatial Feed-Forward Network (SGFN). It reduces GFLOPs by 67.4% while maintaining high accuracy, outperforming SOTA methods on the UIEB dataset.

  • PixMamba: Leveraging State Space Models in a Dual-Level Architecture for Underwater Image Enhancement - April 12, 2024, arXiv [Paper] [Code] Stars

    It is a novel underwater image enhancement architecture that uses SSMs for efficient global dependency modeling. It combines patch-level EMNet for image reconstruction and pixel-level PixNet for fine-grained feature capturing, overcoming challenges of color distortion and blurring.

  • LLEMamba: Low-Light Enhancement via Relighting-Guided Mamba with Deep Unfolding Network - March 3, 2024, arXiv [Paper]

    LLEMamba is a low-light enhancement method that combines Retinex optimization with Mamba deep priors for efficient global context modeling. By embedding the optimization process in a deep unfolding network, LLEMamba reduces computational complexity compared to Transformer-based methods, improving interpretability and minimizing distortion.

  • UVM-Net: U-shaped Vision Mamba for Single Image Dehazing - February 15, 2024, arXiv [Paper] [Code] Stars

    UVM-Net is an efficient image dehazing network that combines the local feature extraction of convolutional layers with the long-range dependency handling of SSMs. Using a Bi-SSM block, UVM-Net reduces computational complexity while maintaining high performance, achieving 100FPS on 325×325 resolution images.

  • FDVM-Net: FD-Vision Mamba for Endoscopic Exposure Correction - February 14, 2024, arXiv [Paper] [Code] Stars

    FDVM-Net is a frequency-domain-based network for endoscopic image exposure correction, utilizing C-SSM blocks to combine convolutional local feature extraction with SSM's long-range dependency handling. The two-path architecture processes phase and amplitude information separately to reconstruct high-quality images.

Generation and Restoration

  • DiM-3D: Efficient 3D Shape Generation via Diffusion Mamba with Bidirectional SSMs - June 7, 2024, arXiv [Paper]

    DiM-3D addresses the scalability challenges in 3D shape generation by replacing traditional self-attention mechanisms with Mamba's efficient sequence modeling. This approach reduces the cubic complexity of attention operations, enabling fast and efficient high-resolution 3D point cloud generation and point cloud completion.

  • Dimba: Transformer-Mamba Diffusion Models - June 3, 2024, arXiv [Paper] [Homepage] [Code] Stars

    Dimba addresses the efficiency challenge in text-to-image generation by combining Transformer and Mamba layers in a hybrid architecture. This design reduces memory usage and boosts throughput while maintaining image quality and semantic control. Dimba shows comparable performance to Transformer-based models, highlighting the potential of hybrid architectures for large-scale diffusion models.

  • UniTraj: Deciphering Movement: Unified Trajectory Generation Model for Multi-Agent - May 27, 2024, arXiv [Paper] [Code] Stars

    UniTraj addresses the challenge of multi-agent trajectory tasks by introducing a unified model capable of handling trajectory prediction, imputation, and spatial-temporal recovery. It uses Ghost Spatial Masking (GSM) for spatial feature extraction and Bidirectional Temporal Mamba to capture temporal dependencies. UniTraj outperforms on diverse sports datasets and mark as the first versatile framework for multi-agent trajectory generation.

  • DiM2: Scaling Diffusion Mamba with Bidirectional SSMs for Efficient Image and Video Generation - May 24, 2024, arXiv [Paper]

    It solves the challenge of high computational complexity in image generation by replacing self-attention with the scalable Mamba architecture. DiM maintains linear complexity, reduces inference time, and outperforms diffusion transformers in image and video generation.

  • DiM: Diffusion Mamba for Efficient High-Resolution Image Synthesis - May 23, 2024, arXiv [Paper] [Code] Stars

    DiM improves high-resolution image generation by using Mamba's efficient state space modeling with diffusion models. It introduces multi-directional scans and local feature enhancement to handle 2D signals, offering faster training and inference. It supports training-free upsampling for even higher resolutions.

  • GMSR: Gradient-Guided Mamba for Spectral Reconstruction from RGB Images - May 13, 2024, arXiv [Paper] [Code] Stars

    GMSR-Net is a lightweight spectral reconstruction model that leverages Mamba's global receptive field and linear complexity for efficient RGB-to-spectral conversion. It introduces Gradient Mamba (GM) blocks with spatial and spectral gradient attention to enhance feature reconstruction. GMSR-Net achieves SOTA performance while reducing parameters and FLOPs by 10x and 20x, respectively.

  • CU-Mamba: Selective State Space Models with Channel Learning for Image Restoration - April 17, 2024, arXiv [Paper]

    CU-Mamba is a U-Net-based image restoration model that integrates a dual SSM framework for efficient long-range dependency modeling. It uses Spatial SSM for global context and Channel SSM to preserve channel correlations, both with linear computational complexity. CU-Mamba outperforms existing methods, highlighting the benefits of combining spatial and channel contexts.

  • ZigMa: A DiT-style Zigzag Mamba Diffusion Model - April 1, 2024, arXiv [Paper] [Homepage] [Code] Stars

    Zigzag Mamba addresses scalability and quadratic complexity issues in diffusion models by improving Mamba’s scan scheme for spatial continuity. This zero-parameter method enhances speed and memory efficiency compared to Transformer-based models. Integrated with the Stochastic Interpolant framework, Zigzag Mamba shows improved scalability on large-resolution datasets like FacesHQ and MS COCO.

  • T-Mamba: Frequency-Enhanced Gated Long-Range Dependency for Tooth 3D CBCT Segmentation - April 1, 2024, arXiv [Paper] [Code] Stars

    T-Mamba is a tooth segmentation model that integrates frequency-based features and bi-positional encoding into Vision Mamba to improve global feature modeling efficiency. It adapts to both 2D and 3D tooth data and sets new SOTA results on public tooth CBCT and TED3 datasets.

  • Gamba: Marry Gaussian Splatting with Mamba for Single View 3D Reconstruction - March 29, 2024, arXiv [Paper]

    Gamba is an end-to-end 3D reconstruction model that rapidly generates 3D assets from single-view images, leveraging a Mamba-based GambaFormer network for efficient Gaussian Splatting (3DGS). It achieves linear scalability and eliminates warmup supervision, significantly outperforming optimization-based methods with a 0.05-second reconstruction speed, 1,000× faster on a single NVIDIA A100 GPU.

  • Serpent: Scalable and Efficient Image Restoration via Multi-scale Structured State Space Models - March 26, 2024, arXiv [Paper]

    Serpent is an efficient image restoration architecture that combines SSMs with multi-scale signal processing to capture global dependencies with linear complexity. It reduces computational cost by up to 150× in FLOPS and 5× in GPU memory while maintaining SOTA reconstruction quality, particularly excelling in high-resolution image restoration.

  • MambaIR: A Simple Baseline for Image Restoration with State-Space Model - March 25, 2024, arXiv [Paper] [Code] Stars

    MambaIR enhances the Mamba architecture for image restoration by adding local enhancement and channel attention, solving issues like pixel forgetting and channel redundancy. It outperforms SwinIR by up to 0.45dB in super-resolution, offering better performance with similar computational costs.

  • MotionMamba: Efficient and Long Sequence Motion Generation with Hierarchical and Bidirectional Selective SSM - March 19, 2024, arXiv [Paper] [Homepage] [Code] Stars

    Motion Mamba is an efficient human motion generation model built on SSMs, featuring a Hierarchical Temporal Mamba (HTM) block for temporal data and a Bidirectional Spatial Mamba (BSM) block for latent pose processing. It improves FID by up to 50% and is 4× faster than previous methods on the HumanML3D and KIT-ML datasets, excelling in long-sequence motion generation.

  • VmambaIR: Visual State Space Model for Image Restoration - March 17, 2024, arXiv [Paper] [Code] Stars

    VmambaIR introduces Omni Selective Scan (OSS) blocks to model image information in all six directions to overcome SSM limitations. It achieves SOTA performance in tasks like deraining and super-resolution, using fewer computational resources compared to CNNs, Transformers, and diffusion models.

  • MMA: Activating Wider Areas in Image Super-Resolution - March 13, 2024, arXiv [Paper] [Code] Stars

    MMA is a Vision Mamba (Vim)-based model for single-image super-resolution (SISR) that integrates a MetaFormer-style block, pre-training on larger datasets, and complementary attention mechanisms. MMA outperforms SOTA SISR methods, achieving a 0.5 dB PSNR gain on the Manga109 dataset with low memory and computational overhead.

  • DiS: Scalable Diffusion Models with State Space Backbone - February 8, 2024, arXiv [Paper] [Code] Stars

    Diffusion State Space Models (DiS) replace the traditional U-Net backbone with a state space backbone. DiS treats time, conditions, and noisy image patches as tokens, which achieve comparable performance to CNN and Transformer-based models.

Point Cloud Analysis

  • Mamba24/8D: Enhancing Global Interaction in Point Clouds via State Space Model - June 25, 2024, arXiv [Paper]

    Mamba24/8D introduces a multi-path serialization strategy for point clouds and a ConvMamba block to enhance local geometry modeling. It achieves SOTA results on tasks like ScanNet v2, ScanNet200, and nuScenes, with improved global modeling and linear complexity.

  • PointABM: Integrating Bidirectional State Space Model with Multi-Head Self-Attention for Point Cloud Analysis - June 10, 2024, arXiv [Paper]

    PointABM is a hybrid model that integrates Mamba with Transformer to improve local and global feature extraction for 3D point cloud analysis. It introduces a bidirectional SSM (bi-SSM) and leverages Transformer’s self-attention to enhance feature capture. The combination significantly improves performance in 3D point cloud analysis.

  • PoinTramba: A Hybrid Transformer-Mamba Framework for Point Cloud Analysis - May 24, 2024, arXiv [Paper] [Code] Stars

    PoinTramba is a hybrid framework combining the Transformer’s strength in capturing intra-group dependencies with Mamba’s computational efficiency for inter-group analysis in point cloud tasks. It introduces a bi-directional importance-aware ordering (BIO) strategy to enhance performance and set a new SOTA on datasets like ScanObjectNN, ModelNet40, and ShapeNetPart.

  • MAMBA4D: Efficient Long-Sequence Point Cloud Video Understanding with Disentangled Spatial-Temporal State Space Models - May 23, 2024, arXiv [Paper]

    This paper presents a 4D point cloud video backbone using SSMs with Intra-frame Spatial and Inter-frame Temporal Mamba blocks.to address the high computational cost of transformer-based architectures. It reduces GPU memory by 87.5%, speeds up processing by 5.36×, and improves accuracy by up to 10.4% on the MSR-Action3D dataset compared to transformer-based methods.

  • OverlapMamba: Novel Shift State Space Model for LiDAR-based Place Recognition - May 13, 2024, arXiv [Paper]

    OverlapMamba is a novel place recognition model that represents input range views (RVs) as sequences using SSM. It employs a stochastic reconstruction approach for efficient visual representation, outperforming LiDAR-based methods while showing robustness in loop closure detection across multiple datasets.

  • Mamba3D: Enhancing Local Features for 3D Point Cloud Analysis via State Space Model - April 23, 2024, arXiv [Paper] [Code] Stars

    Mamba3D improves local feature extraction with Local Norm Pooling (LNP) and global features with bidirectional SSM (bi-SSM). It outperforms Transformer-based models, including 92.6% accuracy on ScanObjectNN and 95.1% on ModelNet40, with linear complexity.

  • 3DMambaComplete: Exploring Structured State Space Model for Point Cloud Completion - April 10, 2024, arXiv [Paper]

    3DMambaComplete is a point cloud completion network built on the Mamba framework, addressing local detail loss and computational complexity. It uses HyperPoint Generation, HyperPoint Spread, and a deformation method to reconstruct fine-grained 3D structures.

  • 3DMambaIPF: A State Space Model for Iterative Point Cloud Filtering via Differentiable Rendering - April 8, 2024, arXiv [Paper]

    3DMambaIPF is a point cloud filtering method that leverages Mamba's selective SSM architecture for large-scale point clouds. It integrates a fast differentiable rendering loss to improve visual realism and denoising accuracy. 3DMambaIPF achieves SOTA results on small and large-scale datasets, effectively handling models with up to 500K points, where other methods struggle.

  • PointMamba: A Simple State Space Model for Point Cloud Analysis - April 2, 2024, arXiv [Paper] [Code] Stars

    PointMamba is a linear complexity point cloud analysis model based on the Mamba architecture, offering global modeling with reduced computational costs. It uses space-filling curves for point tokenization and a non-hierarchical Mamba encoder.

  • Point Mamba: A Novel Point Cloud Backbone Based on State Space Model with Octree-Based Ordering Strategy - March 17, 2024, arXiv [Paper] [Code] Stars

    Point Mamba is an SSM-based point cloud processing model with a causality-aware ordering mechanism using an octree-based z-order strategy to handle irregular points. It achieves 93.4% accuracy on ModelNet40 and 75.7 mIOU on ScanNet with linear complexity compared to transformer-based methods.

  • Point Cloud Mamba (PCM): Point Cloud Learning via State Space Model - March 1, 2024, arXiv [Paper] [Code] Stars

    Point Cloud Mamba solves the challenge of converting 3D point clouds into sequences while preserving spatial relationships using a Consistent Traverse Serialization method. It introduces point prompts to guide Mamba in handling different sequence orders and positional encoding for better spatial information. It achieves 82.6 mIoU on S3DIS and outperforms DeLA and PTv3 by 8.5 and 7.9 mIoU.

Video Processing

  • VideoMambaPro: A Leap Forward for Mamba in Video Understanding - June 27, 2024, arXiv [Paper] [Code] Stars

    VideoMambaPro addresses two key limitations of Mamba—historical decay and element contradiction—by introducing masked backward computation and elemental residual connections. This improves spatio-temporal representation in video understanding tasks. VideoMambaPro surpasses both transformers and VideoMamba, achieving SOTA performance with significantly fewer parameters, notably 91.9% top-1 on Kinetics-400.

  • SSM-Based Event Vision: State Space Models for Event Cameras - CVPR 2024 [Paper] [Code] Stars

    This paper introduces SSMs with learnable timescale parameters for event-based vision, allowing frequency adaptation without retraining. It also addresses aliasing effects at higher frequencies. SSMs outperform RNNs and Transformers, training 33% faster and showing minimal performance drops on Gen1 and 1 Mpx datasets.

  • DeMamba: AI-Generated Video Detection on Million-Scale GenVideo Benchmark - May 30, 2024, arXiv [Paper] [Code] Stars

    GenVideo is the first large-scale AI-generated video detection dataset, featuring over one million real and AI-generated videos. It offers diverse video categories and generation techniques. The study introduces two evaluation methods and the Detail Mamba (DeMamba) module, which improves detector generalizability and robustness.

  • Matten: Video Generation with Mamba-Attention - May 5, 2024, arXiv [[Paper] (https://arxiv.org/abs/2405.03025)]

    Matten is a latent diffusion model with Mamba-Attention architecture for video generation. It combines spatial-temporal attention for local content modeling and bidirectional Mamba for global content modeling. Matten outperforms ViT and GAN-based models, with strong scalability for improved video quality.

  • RhythmMamba: Fast Remote Physiological Measurement with Arbitrary Length Videos - April 9, 2024, arXiv [Paper] [Code] Stars

    RhythmMamba is an end-to-end Mamba-based method for remote photoplethysmography (rPPG), addressing spatiotemporal redundancy and periodic pattern recognition. It uses multi-temporal Mamba and frequency domain feed-forward to capture rPPG signals efficiently. It works on video segments of any length.

  • VideoMamba Suite: State Space Model as a Versatile Alternative for Video Understanding - March 14, 2024, arXiv [Paper] [Code] Stars

    This study explores Mamba as a potential alternative to Transformers for video understanding, evaluating 14 models across 12 tasks. Mamba demonstrates strong performance in video-only and video-language tasks, with efficient performance trade-offs.

  • SSM Diffusion: SSM Meets Video Diffusion Models: Efficient Long-Term Video Generation with Structured State Spaces - March 12, 2024, arXiv [Paper] [Code] Stars

    This paper introduces Mamba as efficient alternatives to attention layers for video generation in diffusion models. It offers linear memory usage and better performance on long sequences. Bidirectional SSMs improve temporal feature extraction and outperforms attention-based models on datasets like MineRL Navigate_

  • VideoMamba: State Space Model for Efficient Video Understanding - March 9, 2024, arXiv [Paper] [Code] Stars

    VideoMamba adapts Mamba for video understanding with linear complexity for efficient long-term modeling. It offers scalability, excels in short-term action recognition, and outperforms 3D CNNs and transformers in long-term video tasks and multi-modal compatibility.

  • SSSMLV: Selective Structured State-Spaces for Long-Form Video Understanding - CVPR 2023, arXiv [Paper]

    It is one of the initial models. The Selective S4 (S5) model improves the efficiency and accuracy of long-form video understanding by using a lightweight mask generator to adaptively select important image tokens. It uses a novel long-short masked contrastive learning approach for better temporal context prediction.

  • ViS4mer: Video Synthesis Framework with Mamba-Based Attention Mechanism - ECCV 2022 [Paper] [Code] Stars

    ViS4mer is the first model to use SSM for long-range video modeling, combining self-attention for short-range features with S4 layers for long-range temporal reasoning. It is 2.63× faster, uses 8× less memory, and achieves SOTA results on LVU and competitive performance on the Breakfast and COIN datasets.

Remote Sensing

  • Seg-LSTM: Performance of xLSTM for Semantic Segmentation of Remotely Sensed Images - June 20, 2024, arXiv [Paper] [Code] Stars

    This is the first attempt to evaluate the effectiveness of Vision-LSTM in semantic segmentation of remotely sensed images. It uses specifically designed encoder-decoder architecture.

  • PyramidMamba: Rethinking Pyramid Feature Fusion with Selective Space State Model for Semantic Segmentation of Remote Sensing Imagery - June 16, 2024, arXiv [Paper] [Code] Stars

    It is a Mamba-based segmentation network designed to address semantic redundancy in multi-scale feature fusion for remote sensing images. It introduces a dense spatial pyramid pooling (DSPP) and pyramid fusion Mamba (PFM) to enhance multi-scale feature representation. PyramidMamba achieves SOTA performance on OpenEarthMap, ISPRS Vaihingen, and Potsdam datasets.

  • CDMamba: Remote Sensing Image Change Detection with Mamba - June 6, 2024, arXiv [Paper] [Code] Stars

    CDMamba enhances remote sensing change detection by combining global and local features using a Scaled Residual ConvMamba (SRCM) block. It improves fine detection by enhancing local details and introduces the Adaptive Global Local Guided Fusion (AGLGF) block for better bi-temporal feature interaction.

  • 3DSS-Mamba: 3DSS-Mamba: 3D-Spectral-Spatial Mamba for Hyperspectral Image Classification - May 21, 2024, arXiv [Paper]

    3DSS-Mamba is a hyperspectral image (HSI) classification framework, leveraging Mamba's efficient long-range modeling. It introduces a 3D-Spectral-Spatial Selective Scanning (3DSS) mechanism to handle high-dimensional HSI data, improving global spectral-spatial feature extraction.

  • CM-UNet: Hybrid CNN-Mamba UNet for Remote Sensing Image Semantic Segmentation - May 17, 2024, arXiv [Paper] [Code] Stars

    CM-UNet is a semantic segmentation model for remote sensing images, combining a CNN-based encoder for local feature extraction and a Mamba-based decoder for global information aggregation. It introduces the CSMamba block for improved global-local fusion and the MSAA module for multi-scale feature refinement.

  • RSDehamba: Lightweight Vision Mamba for Remote Sensing Satellite Image Dehazing - May 16, 2024, arXiv [Paper]

    RSDhamba is a lightweight dehazing network for remote sensing images. It integrates the Selective SSM into a U-Net architecture. Here, the Vision Dehamba Block (VDB) enhances global context encoding, while the Direction-aware Scan Module (DSM) improves spatial dependency and channel information exchange.

  • FMSR: Frequency-Assisted Mamba for Remote Sensing Image Super-Resolution - May 8, 2024, arXiv [Paper]

    FMSR is a super-resolution framework for remote sensing images. It uses a Frequency Selection Module (FSM), Vision State Space Module (VSSM), and Hybrid Gate Module (HGM) for spatial-frequency fusion. This model outperforms Transformer-based methods while significantly reducing memory and complexity.

  • RSCaMa: Remote Sensing Image Change Captioning with State Space Model - May 2, 2024, arXiv [Paper] [Code] Stars

    RSCaMa improves spatial and temporal modeling for Remote Sensing Image Change Captioning (RSICC) using Spatial Difference-aware SSM (SD-SSM) for spatial changes and Temporal-Traversing SSM (TT-SSM) for temporal interactions. It enhances spatial and temporal understanding and outperforms previous methods in the RSICC task.

  • SS-Mamba: Spectral-Spatial Mamba for Hyperspectral Image Classification - April 29, 2024, arXiv [Paper]

    SS-Mamba is a spectral-spatial Mamba-based model for hyperspectral image (HSI) classification. It combines spectral-spatial token generation with Mamba blocks for efficient processing, overcoming Transformer's complexity issues.

  • S^2 Mamba: A Spatial-spectral State Space Model for Hyperspectral Image Classification - April 28, 2024, arXiv [Paper] [Code] Stars

    S2Mamba is a spatial-spectral SSM for hyperspectral image classification. It uses separate models for spatial and spectral feature extraction, combined with a Spatial-Spectral Mixture Gate for optimal fusion. S2Mamba improves efficiency and accuracy in land cover analysis, outperforming other methods on HSI benchmarks.

  • HSIDMamba: Exploring Bidirectional State-Space Models for Hyperspectral Denoising - April 15, 2024, arXiv [Paper]

    HSIDMamba is a hyperspectral image denoising model leveraging Mamba's linear complexity to efficiently capture spatial-spectral dependencies. It introduces Bidirectional Continuous Scanning Mechanism (BCSM) to enhance spatial-spectral interactions and improve denoising. HSDM It surpasses transformer-based models by 30% in efficiency.

  • ChangeMamba: Remote Sensing Change Detection with Spatio-Temporal State Space Model - April 14, 2024, arXiv [Paper] [Code] Stars

    MambaBCD, MambaSCD, and MambaBDA are Mamba-based architectures designed for binary change detection, semantic change detection, and building damage assessment. These frameworks leverage Mamba’s ability to capture global spatial context with linear complexity. It outperforms CNN and Transformer-based methods on five benchmarks without complex training strategies.

  • SpectralMamba: Efficient Mamba for Hyperspectral Image Classification - April 12, 2024, arXiv [Paper] [Code] Stars

    SpectralMamba is a SSM-based framework for hyperspectral image classification. It uses efficient convolutions for spatial-spectral feature encoding and a hidden state space for selective focus without relying on attention or recurrence. A piece-wise scanning mechanism further reduces computational cost while preserving contextual information. It shows strong performance across four HS benchmarks.

  • Samba: Semantic Segmentation of Remotely Sensed Images with State Space Model - April 11, 2024, arXiv [Paper] [Code] Stars

    Samba is a semantic segmentation framework for high-resolution remotely sensed images, leveraging Mamba to capture global semantics. With an encoder-decoder structure, Samba outperforms top CNN and ViT methods on LoveDA, ISPRS Vaihingen, and ISPRS Potsdam datasets, setting a new benchmark for SSM-based segmentation.

  • RS3Mamba: Visual State Space Model for Remote Sensing Images Semantic Segmentation - April 3, 2024, arXiv [Paper] [Code] Stars

    RS3Mamba is a dual-branch remote sensing image segmentation network. It integrates Mamba's VSS for global information into a CNN-based branch, and introduces a collaborative completion module (CCM) to fuse features from both branches. It achieves strong results on ISPRS Vaihingen and LoveDA Urban datasets, marking the first use of Vision Mamba for remote sensing segmentation.

  • RSMamba: Remote Sensing Image Classification with State Space Model - March 28, 2024, arXiv [Paper]

    RSMamba uses for remote sensing image classification that builds on the SSM. It enhances Mamba's capacity to model non-causal data through a dynamic multi-path activation mechanism. It achieves good performance across multiple datasets with linear complexity and a global receptive field.

  • Pan-Mamba: Effective Pan-sharpening with State Space Model - March 8, 2024, arXiv [Paper] [Code] Stars

    Pan-Mamba is a novel pan-sharpening network that leverages Mamba's efficient long-range dependency modeling. It introduces channel swapping and cross-modal Mamba modules for effective cross-modal information exchange.

  • LE-Mamba: Local Enhancement and Mamba-based Architecture for Remote Sensing Image Super-Resolution - February 21, 2024, arXiv [Paper] [Code] Stars

    LE-Mamba is an improved Vision Mamba network for image fusion tasks, featuring the LEVM block to enhance local and global spatial information perception. It also introduces state sharing for better integration of spatial and spectral details. LE-Mamba performs better in multispectral pansharpening and image fusion tasks.

  • VMRNN: Integrating Vision Mamba and LSTM for Efficient and Accurate Spatiotemporal Forecasting - CVPRW 2024 [Paper] [Code] Stars

    This paper introduces VMRNN, a new recurrent unit combining Vision Mamba blocks with LSTM for spatiotemporal forecasting. VMRNN enhances global information modeling while maintaining a smaller model size.

Medical Image Analysis

Medical Image Classification

  • Nasiri-Sarvi et al. (2024): Vision Mamba for Classification of Breast Ultrasound Images - July 04, 2024, arXiv [Paper]

    This paper compares Mamba-based models (VMamba, Vim) with CNNs and Vision Transformers on the BUSI and Breast Ultrasound B datasets. Mamba-based models show significant improvements, with a 1.98% higher AUC and 5.0% better accuracy on the B dataset. These models effectively capture long-range dependencies and perform well with limited data.

  • Vision Mamba: Cutting-Edge Classification of Alzheimer's Disease with 3D MRI Scans - Jun 09, 2024, arXiv [Paper]

    Vision Mamba addresses the limitations of CNNs and Transformers in 3D MRI classification for Alzheimer's detection. Leveraging dynamic state representations and selective scanning, Vision Mamba efficiently captures long-range dependencies and spatial information.

  • Vim4Path: Self-Supervised Vision Mamba for Histopathology Images - CVPR 2024 [Paper] [Code] Stars

    This paper explores the Vision Mamba (Vim) architecture within the DINO framework for representation learning in computational pathology. It shows Vim outperforms ViT on the Camelyon16 dataset, especially on smaller scales. An explainability analysis also shows that Vim closely emulates the workflow of pathologists, making it well-suited for diagnostic applications.

  • CMViM: Contrastive Masked Vim Autoencoder for 3D Multi-modal Representation Learning for AD Classification - March 25, 2024, arXiv [Paper]

    CMViM is a Contrastive Masked Vim Autoencoder designed for 3D multi-modal data, used for Alzheimer's disease diagnosis. It integrates vim into a masked autoencoder and uses contrastive learning to align and enhance multi-modal representations. CMViM shows a 2.7% AUC improvement over other methods on the ADNI2 dataset.

  • MambaMIL: Enhancing Long Sequence Modeling with Sequence Reordering in Computational Pathology - March 11, 2024, arXiv [Paper] [Code] Stars

    MambaMIL integrates Mamba into Multiple Instance Learning (MIL) for efficient long sequence modeling with linear complexity. It introduces Sequence Reordering Mamba (SR-Mamba) to enhance the understanding of instance order and distribution, improving feature extraction and reducing overfitting and computational overhead. It outperforms SOTA MIL methods across nine datasets.

  • MamMIL: Multiple Instance Learning for Whole Slide Images with State Space Models - March 8, 2024, arXiv [Paper]

    MamMIL integrates Mamba with multiple instance learning (MIL) for WSI classification and addresses Transformer’s complexity issues. By introducing a bidirectional SSM and a 2D context-aware block, MamMIL captures bidirectional dependencies and 2D spatial relationships.

  • MedMamba: Vision Mamba for Medical Image Classification - Mar 06, 2024, arXiv [Paper] [Code] Stars

    MedMamba, the first Vision Mamba for generalized medical image classification, introduces the SS-Conv-SSM block to combine convolutional layers for local feature extraction with SSM for long-range dependencies. It achieves competitive results across 16 datasets, spanning 10 imaging modalities, and establishes a new baseline for medical image classification.

Medical Image Segmentation

Medical 2D Image Segmentation

  • SliceMamba with Neural Architecture Search for Medical Image Segmentation - July 11, 2024, arXiv [Paper]

    It is a medical image segmentation model that improves local feature learning by introducing a Bidirectional Slice Scan (BSS) module. BSS maintains spatial proximity in feature slicing. Additionally, an Adaptive Slice Search method optimizes feature slicing based on the characteristics of the target data, validated through extensive experiments on skin lesion, polyp, and multi-organ segmentation datasets.

  • xLSTM-UNet can be an Effective 2D & 3D Medical Image Segmentation Backbone with Vision-LSTM (ViL) better than its Mamba Counterpart - July 1, 2024, arXiv [Paper] [Code] Stars

    xLSTM-UNet is a medical image segmentation network that integrates xLSTM for long-range dependency capture and convolutional layers for local feature extraction. It outperforms CNN, Transformer, and Mamba-based models across various biomedical datasets, including organs in MRI, endoscopic instruments, and cells in microscopy.

  • MHS-VM: Multi-Head Scanning in Parallel Subspaces for Vision Mamba - June 9, 2024, arXiv [Paper] [Code] Stars

    This paper introduces a Multi-Head Scan (MHS) module to improve the construction of 2D visual features through 1D selective scanning. By projecting embeddings into multiple subspaces and applying distinct scan routes, the MHS module enhances the modeling of long-range dependencies. A Scan Route Attention (SRA) mechanism is also integrated to capture complex structures.

  • MUCM-Net: A Mamba Powered UCM-Net for Skin Lesion Segmentation - May 24, 2024, arXiv [Paper] [Code] Stars

    MUCM-Net is a skin lesion segmentation model, combining Mamba with UCM-Net for enhanced feature learning and segmentation. Optimized for mobile deployment, MUCM-Net achieves high accuracy and low computational demand, making it ideal for early skin cancer detection in resource-limited settings.

  • AC-MambaSeg: An Adaptive Convolution and Mamba-based Architecture for Enhanced Skin Lesion Segmentation - May 5, 2024, arXiv [Paper] [Code] Stars

    AC-MambaSeg is a skin lesion segmentation model that integrates a hybrid CNN-Mamba backbone with components like CBAM, Attention Gate, and Selective Kernel Bottleneck for enhanced feature extraction. The model focuses on informative regions while suppressing noise, improving segmentation accuracy on datasets like ISIC-2018, PH2, and early detection of dermatological diseases.

  • HC-Mamba: Vision MAMBA with Hybrid Convolutional Techniques for Medical Image Segmentation - May 11, 2024, arXiv [Paper]

    It is a medical image segmentation model that leverages Mamba's SSM combined with dilated and depthwise separable convolutions. This design captures a broader range of contextual information while reducing computational costs and model parameters. HC-Mamba is evaluated on organ and skin lesion segmentation tasks using Synapse, ISIC17, and ISIC18 datasets.

  • ViM-UNet: Vision Mamba in Biomedical Segmentation - April 11, 2024, arXiv [Paper] [Code] Stars

    ViM-UNet is a segmentation architecture based on Vision Mamba, offering a global field of view with greater efficiency compared to transformers like UNETR. In evaluations on challenging microscopy instance segmentation tasks, ViM-UNet outperforms UNETR and matches or exceeds UNet's performance while maintaining higher efficiency.

  • UltraLight VM-UNet: Parallel Vision Mamba Significantly Reduces Parameters for Skin Lesion Segmentation - April 24, 2024, arXiv [Paper] [Code] Stars

    UltraLight VM-UNet is a highly efficient segmentation model based on Vision Mamba, specifically designed for mobile medical devices. It introduces a parallel Vision Mamba (PVM) layer that significantly reduces computational load while maintaining performance. With only 0.049M parameters and 0.060 GFLOPs, UltraLight VM-UNet matches the performance of SOTA models in tests on three skin lesion datasets.

  • H-vmunet: High-order Vision Mamba UNet for Medical Image Segmentation - March 20, 2024, arXiv [Paper] [Code] Stars

    H-vmunet extends 2D-selective-scan (SS2D) with High-order SS2D (H-SS2D) for improved long-sequence processing and local feature learning in medical image segmentation. It demonstrates strong performance on ISIC2017, Spleen, and CVC-ClinicDB datasets.

  • ProMamba: Prompt-Mamba for Polyp Segmentation - March 26, 2024, arXiv [Paper]

    Prompt-Mamba is a novel polyp segmentation model that integrates Vision-Mamba and prompt technologies to address challenges in polyp detection. It excels in segmenting polyps of varying shapes and colors, overcoming unclear boundaries and dataset variability. It outperforms previous models by an average of 5% in six datasets even with fewer parameters.

  • VM-UNet V2: Rethinking Vision Mamba UNet for Medical Image Segmentation - March 14, 2024, arXiv [Paper] [Code] Stars

    Vision Mamba-UNetV2 is a medical image segmentation model that integrates VSS blocks for enhanced long-range context modeling and introduces a Semantics and Detail Infusion (SDI) mechanism to blend low- and high-level features. It evaluated on multiple datasets including ISIC17, ISIC18, and CVC-ClinicDB, VM-UNetV2 demonstrates competitive performance.

  • Semi-Mamba-UNet: Pixel-Level Contrastive and Pixel-Level Cross-Supervised Visual Mamba-based UNet for Semi-Supervised Medical Image Segmentation

    Semi-Mamba-UNet is a semi-supervised learning (SSL) framework that combines a Mamba-based U-Net with a CNN-based U-Net for medical image segmentation. It leverages cross-supervised pseudo-label generation and introduces a self-supervised contrastive learning strategy to enhance feature learning, particularly on unlabelled data.

  • Mamba-UNet: UNet-Like Pure Visual Mamba for Medical Image Segmentation - March 30, 2024, arXiv [Paper] [Code] Stars

    Mamba-UNet integrates the U-Net architecture with Visual Mamba (VMamba) to improve medical image segmentation by efficiently modeling long-range dependencies and global context. The model uses an encoder-decoder structure with skip connections and introduces a novel integration mechanism for better information flow.

  • P-Mamba: Marrying Perona Malik Diffusion with Mamba for Efficient Pediatric Echocardiographic Left Ventricular Segmentation - March 15, 2024, arXiv [Paper]

    P-Mamba combines the Mixture of Experts (MoE) concept with ViM layers from Vision Mamba for efficient and accurate pediatric echocardiographic left ventricular segmentation. It integrates a DWT-based Perona-Malik Diffusion (PMD) Block for noise suppression while preserving shape cues. Overall, it enhances the model's ability to handle noise and ambiguity and achieves SOTA on pediatric and general ultrasound datasets.

  • Weak-Mamba-UNet: Visual Mamba Makes CNN and ViT Work Better for Scribble-based Medical Image Segmentation - February 16, 2024, arXiv [Paper] [Code] Stars

    Weak-Mamba-UNet is a weakly-supervised learning framework designed for medical image segmentation using scribble-based annotations. It combines three architectures: CNN-based UNet, Swin Transformer-based SwinUNet, and VMamba-based Mamba-UNet. The framework uses a cross-supervisory mechanism with pseudo labels to enhance learning.

  • Swin-UMamba: Mamba-based UNet with ImageNet-based Pretraining - March 6, 2024, arXiv [Paper] [Code] Stars

    Swin-UMamba addresses the challenge of efficiently capturing long-range dependencies in medical image segmentation by combining the strengths of Mamba-based models with ImageNet pretraining. This enables better performance, reduced memory consumption, and lower computational costs compared to CNNs and ViTs, especially on large-scale datasets.

  • VM-UNet: Vision Mamba UNet for Medical Image Segmentation - February 4, 2024, arXiv [Paper] [Code] Stars

    VM-UNet is the first medical image segmentation model based purely on State Space Models (SSMs). It uses a VSS block to capture extensive contextual information and features an asymmetrical encoder-decoder architecture. VM-UNet demonstrates competitive performance on the ISIC17, ISIC18, and Synapse datasets, offering a baseline for future SSM-based segmentation models.

  • U-Mamba: Enhancing Long-range Dependency for Biomedical Image Segmentation - January 9, 2024, arXiv [Paper] [Homepage] [Code] Stars

    U-Mamba is a general-purpose biomedical image segmentation network that integrates convolutional layers with SSMs to handle long-range dependencies efficiently. Its hybrid CNN-SSM block captures both local features and global context, and a self-configuring mechanism allows it to adapt to various datasets, including 3D organ, instrument, and cell segmentation.

Medical 3D Image Segmentation

  • TokenUnify: Scalable Autoregressive Visual Pre-training with Mixture Token Prediction for 3D Medical Image Segmentation - July 27, 2024, arXiv [Paper] [Code] Stars

    TokenUnify is a novel pretraining method that integrates random token prediction, next-token prediction, and next-all token prediction to reduce cumulative errors in visual autoregression. Tested on a large-scale electron microscopy image dataset with over 120 million annotated voxels, it improves neuron segmentation performance by 45% and offers better scalability compared to MAE and traditional autoregressive methods.

  • xLSTM-UNet can be an Effective 2D & 3D Medical Image Segmentation Backbone with Vision-LSTM (ViL) better than its Mamba Counterpart - July 1, 2024, arXiv [Paper] [Code] Stars

    xLSTM-UNet is a novel UNet-based network that integrates Vision-LSTM (xLSTM) for medical image segmentation. It combines convolutional layers for local feature extraction with xLSTM’s long-range dependency capturing ability. Experiments show that xLSTM-UNet surpasses CNN, Transformer, and Mamba-based models in biomedical segmentation tasks.

  • T-Mamba: Frequency-Enhanced Gated Long-Range Dependency for Tooth 3D CBCT Segmentation - April 1, 2024, arXiv [Paper] [Code] Stars

    T-Mamba is the first model to integrate frequency-based features into Vision Mamba for efficient global feature modeling in both 2D and 3D tooth data. It introduces a gate selection unit to adaptively fuse spatial and frequency domain features. T-Mamba achieves SOTA in both 2D X-ray and 3D CBCT tooth segmentation.

  • Mamba-HUNet: Integrating Mamba Sequence Model and Hierarchical Upsampling Network for Accurate Semantic Segmentation of Multiple Sclerosis Legion

  • March 26, 2024, arXiv [Paper]

    Mamba HUNet is a hybrid architecture of SSM and CNN for medical image segmentation tasks, particularly in Multiple Sclerosis lesion segmentation. It integrates a lighter version of Hierarchical Upsampling Network (HUNet) into Mamba, efficiently processing grayscale images by transforming them into 1D sequences and showing flexibility for complex anatomical structures.

  • Triplet Mamba-UNet (TM-UNet) Rotate to Scan: UNet-like Mamba with Triplet SSM Module for Medical Image Segmentation - March 26, 2024, arXiv [Paper]

    Triplet Mamba-UNet (TM-UNet) is a hybrid architecture designed for medical image segmentation, combining SSMs with spatial and channel attention techniques. By incorporating residual VSS Blocks and a Triplet SSM for efficient feature fusion, TM-UNet outperforms previous models like VM-UNet on datasets such as ISIC17, ISIC18, and Kvasir-SEG, while achieving a one-third reduction in parameters.

  • Vivim: a Video Vision Mamba for Medical Video Object Segmentation - March 12, 2024, arXiv [Paper] [Code] Stars

    Vivim is a medical video segmentation framework based on Video Vision Mamba. It addresses challenges in long sequence modeling by compressing spatiotemporal representations with a Temporal Mamba Block. Vivim enhances boundary detection using a boundary-aware affine constraint and tests result in thyroid, breast lesion, and polyp segmentation tasks.

  • LKM-UNet: Light and Knowledge-aware Mamba UNet for Faster and Accurate 3D Image Segmentation - March 12, 2024, arXiv [Paper] [Code] Stars

    LKM-UNet is a medical image segmentation model that leverages large Mamba kernels for efficient local and global spatial modeling. It integrates a novel hierarchical bidirectional Mamba block to enhance spatial modeling. It excels in handling large receptive fields with linear complexity.

  • LightM-UNet: Mamba Assists in Lightweight UNet for Medical Image Segmentation - March 11, 2024, arXiv [Paper] [Code] Stars

    nnMamba integrats CNNs' local representation capabilities with the efficient long-range modeling of SSMs. Its MICCSS block effectively models voxel relationships for segmentation, classification, and landmark detection.

  • nnMamba: 3D Biomedical Image Segmentation, Classification, and Landmark Detection with State Space Model - March 10, 2024, arXiv [Paper] [Code] Stars

    SegMamba is a 3D medical image segmentation model leveraging SSM benefits. It surpasses Transformer-based methods in processing speed and performance, particularly for high-resolution volume features. SegMamba demonstrates superior results on the BraTS2023 dataset.

  • SegMamba: Long-range Sequential Modeling Mamba For 3D Medical Image Segmentation - February 25, 2024, arXiv [Paper] [Code] Stars

Medical Image Reconstruction

  • MMR-Mamba: Multi-Modal MRI Reconstruction with Mamba and Spatial-Frequency Information Fusion - June 27, 2024, arXiv [Paper]

    MMR-Mamba is a multi-modal MRI reconstruction framework that integrates complementary information from different modalities using Mamba. It introduces a Target modality-guided Cross Mamba (TCM) module for spatial domain integration and a Selective Frequency Fusion (SFF) module for global information recovery in the Fourier domain. An Adaptive Spatial-Frequency Fusion (ASFF) module further enhances reconstruction quality by combining spatial and frequency information.

  • MambaMIR: An Arbitrary-Masked Mamba for Joint Medical Image Reconstruction and Uncertainty Estimation - March 19, 2024, arXiv [Paper] [Code]

    MambaMIR is a Mamba-based model designed for medical image reconstruction. It uses an arbitrary-mask mechanism for enhanced task adaptability and uncertainty estimation. Its GAN-based variant, MambaMIR-GAN, incorporates Mamba’s strengths like linear complexity and global receptive fields. Both models demonstrate superior reconstruction results in MRI and SVCT tasks while providing uncertainty maps for evaluating reconstruction reliability.

  • MambaMIR-GAN: An Arbitrary-Masked Mamba for Joint Medical Image Reconstruction and Uncertainty Estimation - February 28, 2024, arXiv [Paper] [Code]

    Same as MambaMIR.

Other Tasks in Medical Imaging

  • SR-Mamba: Effective Surgical Phase Recognition with State Space Model - July 11, 2024, arXiv [Paper] [Code] Stars

    SR-Mamba is a model for surgical phase recognition. It uses a bidirectional Mamba decoder to capture long-term temporal relationships in surgical videos. Its single-step training process simplifies learning and improves accuracy, particularly on Cholec80 and CATARACTS Challenge datasets.

  • Deform-Mamba: Deformable Mamba Network for MRI Super-Resolution - July 8, 2024, arXiv [Paper]

    It is an MR image super-resolution model that combines modulated deform blocks and vision Mamba blocks to explore local and global image features. It incorporates a multi-view context module and a contrastive edge loss to enhance edge reconstruction. The model achieves competitive results on IXI and fastMRI datasets.

  • SMamba-UNet: Soft Masked Mamba Diffusion Model for CT to MRI Conversion - June 22, 2024, arXiv [Paper] [Code] Stars

    Summary: Diffusion Mamba (DiffMa) is a latent diffusion model for CT to MRI conversion, replacing U-Net or Transformer with Mamba. It introduces a spiral selective scan and cross-sequence attention to improve spatial continuity. DiffMa shows superior efficiency and performance in medical image generation tasks.

  • I2I-Mamba: Multi-modal medical image synthesis via selective state space modeling - May 22, 2024, arXiv [Paper] [Code] Stars

    I2I-Mamba is an adversarial model for multi-modal medical image synthesis that integrates channel-mixed Mamba (cmMamba) blocks into a convolutional backbone. It efficiently captures long-range spatial context with SSM layers and channel context through channel-mixing. It performs better in MRI and MRI-CT image synthesis tasks.

  • BI-Mamba: Cardiovascular Disease Detection from Multi-View Chest X-rays with BI-Mamba - May 28, 2024, arXiv [Paper]

    BI-Mamba is a bidirectional SSM for predicting cardiovascular disease risk using chest X-ray images. It encodes long-range dependencies with parallel forward and backward blocks. BI-Mamba outperforms ResNet-50 and ViT-S in the National Lung Screening Trial dataset.

  • VM-DDPM: Vision Mamba Diffusion for Medical Image Synthesis - May 9, 2024, arXiv [Paper]

    This hybrid SSM-CNN model is designed for medical image synthesis on ACDC, BraTS2018, and ChestXRay datasets. It combines CNN's local perception with SSM's global modeling, maintaining linear complexity. The model introduces Multi-level State Space Blocks (MSSBlock) and a Sequence Regeneration strategy to enhance spatial feature perception.

  • MGDC Tracker: Motion-Guided Dual-Camera Tracker for Low-Cost Skill Evaluation of Gastric Endoscopy - April 20, 2024, arXiv [Paper] [Code] Stars

    The motion-guided dual-camera vision tracker provides robust and accurate 3D endoscope tip tracking in simulators. It introduces cross-camera mutual template (CMT) for consistency and a Mamba-based motion-guided prediction head (MMH) to handle occlusion and distortion. The tracker improves average error by 42% and maximum error by 72%, offering reliable motion analysis for distinguishing between novice and expert endoscopists.

  • VMambaMorph: a Visual Mamba-based Framework with Cross-Scan Module for Deformable 3D Image Registration - April 7, 2024, arXiv [Paper] [Code] Stars

    VMambaMorph is a hybrid VMamba-CNN network for 3D medical image registration. It uses a U-shaped architecture to compute deformation fields and incorporates a redesigned 3D cross-scan VMamba block. A fine-tune recursive framework addresses complex multi-modality images and achieves competitive results on brain MR-CT registration benchmarks.

  • MD-Dose: A Diffusion Model based on the Mamba for Radiotherapy Dose Prediction - March 13, 2024, arXiv [Paper] [Code] Stars

    MD-Dose is a diffusion model based on the Mamba architecture for predicting radiation therapy dose distribution in thoracic cancer patients. It incorporates a Mamba-based noise predictor and encoder to efficiently capture global and local information, improving dose region localization in the planning target volume (PTV) and organs at risk (OARs).

MultiModal

  • TransMA: an explainable multi-modal deep learning model for predicting properties of ionizable lipid nanoparticles in mRNA delivery - July 8, 2024, arXiv [Paper] [Code] Stars

    TransMA is a multi-modal prediction model for ionizable lipid nanoparticle (LNP) transfection efficiency. It combines a molecule 3D Transformer for spatial features and a molecule Mamba for sequential features, aligned via a mol-attention mechanism.

  • Meteor: Mamba-based Traversal of Rationale for Large Language and Vision Models - May 27, 2024, arXiv [Paper] [Code] Stars

    Meteor leverages Mamba's linear complexity to embed multifaceted rationale efficiently. It uses a rationale traversal mechanism to improve understanding and generate answers, achieving strong vision-language performance without additional vision encoders or larger models.

  • Mamba-FETrack: Frame-Event Tracking via State Space Model - April 28, 2024, arXiv [Paper] [Code] Stars

    Mamba-FETrack is a novel RGB-Event tracking framework. It uses two Mamba backbones to extract RGB and Event stream features, which are fused for object localization. It outperforms ViT-S based OSTrack on the SR/PR metric and reduces FLOPs and parameters by significant margins.

  • Broad Mamba: Revisiting Multi-modal Emotion Learning with Broad State Space Models and Probability-guidance Fusion - April 27, 2024, arXiv [Paper]

    This work introduces Broad Mamba for Multi-modal Emotion Recognition in Conversation (MERC), using a bidirectional SSM to model long-range dependencies without self-attention. A probability-guided fusion strategy enhances inter-modal consistency, offering an efficient alternative to Transformer-based models.

  • TM-Mamba: Text-controlled Motion Mamba: Text-Instructed Temporal Grounding of Human Motion - April 17, 2024, arXiv [Paper]

    TM-Mamba is a model for text-based human motion grounding (THMG). It integrates global temporal context, text query control, and spatial graph topology with linear memory cost. The model dynamically selects global temporal information based on text queries and enhances performance with relational embeddings.

  • MambaDFuse: A Mamba-based Dual-phase Model for Multi-modality Image Fusion - April 12, 2024, arXiv [Paper]

    MambaDFuse is a dual-phase fusion model combining CNN and Mamba blocks for efficient feature extraction and fusion in multi-modality image fusion. It achieves strong results in infrared-visible and medical image fusion, with notable improvements in downstream tasks like object detection.

    _
  • FusionMamba: Efficient Image Fusion with State Space Model - April 11, 2024, arXiv [Paper]

    FusionMamba is an image fusion model that efficiently integrates spatial and spectral information using Mamba blocks in a dual U-shaped network. It offers a novel FusionMamba block for better feature combination.

  • SurvMamba: State Space Model with Multi-grained Multi-modal Interaction for Survival Prediction - April 11, 2024, arXiv [Paper]

    SurvMamba is a multi-modal survival prediction model that uses Mamba for efficient intra-modal and inter-modal interactions. It uses Hierarchical Interaction Mamba (HIM) and Interaction Fusion Mamba (IFM) modules to capture detailed local features and global representations.

  • Sigma: Siamese Mamba Network for Multi-Modal Semantic Segmentation - April 5, 2024, arXiv [Paper] [Code] Stars

    Sigma is a Siamese Mamba network for multi-modal semantic segmentation. It combines RGB with modalities like thermal or depth data using Mamba to achieve global receptive fields with linear complexity. Sigma, employs a Siamese encoder and a Mamba-based fusion mechanism, outperforms RGB-Thermal and RGB-Depth tasks.

  • SpikeMba: Multi-Modal Spiking Saliency Mamba for Temporal Video Grounding - April 1, 2024, arXiv [Paper]

    It is a multi-modal spiking saliency Mamba model for temporal video grounding. It combines Spiking Neural Networks (SNNs) for dynamic saliency detection with SSMs for effective contextual reasoning, addressing confidence bias and long-term dependencies.

  • ReMamber: Referring Image Segmentation with Mamba Twister - March 26, 2024, arXiv [Paper]

    ReMamber is a Referring Image Segmentation (RIS) framework that integrates Mamba with a multi-modal Mamba Twister block. It effectively fuses image-text features through a channel and spatial twisting mechanism.

  • CMViM: Contrastive Masked Vim Autoencoder for 3D Multi-modal Representation Learning for AD classification - March 25, 2024, arXiv [Paper]

    CMViM is a 3D multi-modal representation learning method for Alzheimer's diagnosis. It uses Vision Mamba to reconstruct masked data and contrastive learning for aligning intra- and inter-modal features, achieving a 2.7% AUC improvement on the ADNI2 dataset.

  • Cobra: Extending Mamba to Multi-Modal Large Language Model for Efficient Inference - March 22, 2024, arXiv [Paper] [Homepage] [Code] Stars

    Cobra is a multimodal LLM with linear computational complexity. It integrates Mamba language model into the visual modality. Cobra achieves competitive performance with faster speeds, using only 43% of the parameters compared to SOTA models like LLaVA.

  • VL-Mamba: Exploring State Space Models for Multimodal Learning - March 20, 2024, arXiv [Paper] [Homepage] [Code] Stars

    VL-Mamba is a multimodal LLM that replaces the transformer-based backbone with a Mamba language model. It integrates a 2D vision selective scan mechanism for multimodal tasks.

  • MambaTalk: Efficient Holistic Gesture Synthesis with Selective State Space Models - March 14, 2024, arXiv [Paper]

    MambaTalk uses SSMs to generate diverse and rhythmic gestures with low latency. By using a two-stage modeling strategy and multimodal integration, MambaTalk enhances gesture diversity and rhythm.

  • MambaMorph: a Mamba-based Framework for Medical MR-CT Deformable Registration - March 12, 2024, arXiv [Paper] [Code] Stars

    MambaMorph is a deformable registration framework using Mamba and a lightweight feature extractor for high-dimensional feature learning. It outperforms current methods in registration accuracy on both MR-CT and T1-T2 datasets while maintaining practical computational efficiency.

Other Tasks

Will be updated...

Star History

Star History Chart