Deep learning has revolutionized the analysis and interpretation of satellite and aerial imagery, addressing unique challenges such as vast image sizes and a wide array of object classes. This repository provides an exhaustive overview of deep learning techniques specifically tailored for satellite and aerial image processing. It covers a range of architectures, models, and algorithms suited for key tasks like classification, segmentation, and object detection.
How to use this repository: use Command + F
(Mac) or CTRL + F
(Windows) to search this page for e.g. 'SAM'
#
The UC merced dataset is a well known classification dataset.
Classification is a fundamental task in remote sensing data analysis, where the goal is to assign a semantic label to each image, such as 'urban', 'forest', 'agricultural land', etc. The process of assigning labels to an image is known as image-level classification. However, in some cases, a single image might contain multiple different land cover types, such as a forest with a river running through it, or a city with both residential and commercial areas. In these cases, image-level classification becomes more complex and involves assigning multiple labels to a single image. This can be accomplished using a combination of feature extraction and machine learning algorithms to accurately identify the different land cover types. It is important to note that image-level classification should not be confused with pixel-level classification, also known as semantic segmentation. While image-level classification assigns a single label to an entire image, semantic segmentation assigns a label to each individual pixel in an image, resulting in a highly detailed and accurate representation of the land cover types in an image. Read A brief introduction to satellite image classification with neural networks
Land classification on Sentinel 2 data using a simple sklearn cluster algorithm or deep learning CNN
Multi-Label Classification of Satellite Photos of the Amazon Rainforest using keras or FastAI
EuroSat-Satellite-CNN-and-ResNet -> Classifying custom image datasets by creating Convolutional Neural Networks and Residual Networks from scratch with PyTorch
Detecting Informal Settlements from Satellite Imagery using fine-tuning of ResNet-50 classifier with repo
Land-Cover-Classification-using-Sentinel-2-Dataset -> well written Medium article accompanying this repo but using the EuroSAT dataset
Land Cover Classification of Satellite Imagery using Convolutional Neural Networks using Keras and a multi spectral dataset captured over vineyard fields of Salinas Valley, California
Detecting deforestation from satellite images -> using FastAI and ResNet50, with repo fsdl_deforestation_detection
Neural Network for Satellite Data Classification Using Tensorflow in Python -> A step-by-step guide for Landsat 5 multispectral data classification for binary built-up/non-built-up class prediction, with repo
Slums mapping from pretrained CNN network on VHR (Pleiades: 0.5m) and MR (Sentinel: 10m) imagery
Comparing urban environments using satellite imagery and convolutional neural networks -> includes interesting study of the image embedding features extracted for each image on the Urban Atlas dataset
RSI-CB -> A Large Scale Remote Sensing Image Classification Benchmark via Crowdsource Data. See also Remote-sensing-image-classification
NAIP_PoolDetection -> modelled as an object recognition problem, a CNN is used to identify images as being swimming pools or something else - specifically a street, rooftop, or lawn
Land Use and Land Cover Classification using a ResNet Deep Learning Architecture -> uses fastai and the EuroSAT dataset
Vision Transformers Use Case: Satellite Image Classification without CNNs
WaterNet -> a CNN that identifies water in satellite images
Road-Network-Classification -> Road network classification model using ResNet-34, road classes organic, gridiron, radial and no pattern
Implementation of the 3D-CNN model for land cover classification -> uses the Sundarbans dataset, with repo
SSTN -> Spectral-Spatial Transformer Network for Hyperspectral Image Classification: A FAS Framework
SatellitePollutionCNN -> A novel algorithm to predict air pollution levels with state-of-art accuracy using deep learning and GoogleMaps satellite images
PropertyClassification -> Classifying the type of property given Real Estate, satellite and Street view Images
remote-sense-quickstart -> classification on a number of datasets, including with attention visualization
Satellite image classification using multiple machine learning algorithms
satsense -> land use/cover classification using classical features including HoG & NDVI
landcover_classification -> using fast.ai on EuroSAT
IGARSS2020_BWMS -> Band-Wise Multi-Scale CNN Architecture for Remote Sensing Image Scene Classification with a novel CNN architecture for the feature embedding of high-dimensional RS images
image.classification.on.EuroSAT -> solution in pure pytorch
hurricane_damage -> Post-hurricane structure damage assessment based on aerial imagery
openai-drivendata-challenge -> Using deep learning to classify the building material of rooftops (aerial imagery from South America)
is-it-abandoned -> Can we tell if a house is abandoned based on aerial LIDAR imagery?
BoulderAreaDetector -> CNN to classify whether a satellite image shows an area would be a good rock climbing spot or not
ISPRS_S2FL -> Multimodal Remote Sensing Benchmark Datasets for Land Cover Classification with A Shared and Specific Feature Learning Model
Brazilian-Coffee-Detection -> uses Keras with public dataset
tf-crash-severity -> predict the crash severity for given road features contained within satellite images
ensemble_LCLU -> Deep neural network ensembles for remote sensing land cover and land use classification
cerraNet -> contextually classify the types of use and coverage in the Brazilian Cerrado
Urban-Analysis-Using-Satellite-Imagery -> classify urban area as planned or unplanned using a combination of segmentation and classification
ChipClassification -> Deep learning for multi-modal classification of cloud, shadow and land cover scenes in PlanetScope and Sentinel-2 imagery
DeeplearningClassficationLandsat-tImages -> Water/Ice/Land Classification Using Large-Scale Medium Resolution Landsat Satellite Images
wildfire-detection-from-satellite-images-ml -> detect whether an image contains a wildfire, with example flask web app
mining-discovery-with-deep-learning -> Mining and Tailings Dam Detection in Satellite Imagery Using Deep Learning
e-Farmerce-platform -> classify crop type
sentinel2-deep-learning -> Novel Training Methodologies for Land Classification of Sentinel-2 Imagery
RSSC-transfer -> The Role of Pre-Training in High-Resolution Remote Sensing Scene Classification
Classifying Geo-Referenced Photos and Satellite Images for Supporting Terrain Classification -> detect floods
Pay-More-Attention -> Remote Sensing Image Scene Classification Based on an Enhanced Attention Module
DenseNet40-for-HRRSISC -> DenseNet40 for remote sensing image scene classification, uses UC Merced Dataset
SKAL -> Looking Closer at the Scene: Multiscale Representation Learning for Remote Sensing Image Scene Classification
potsdam-tensorflow-practice -> image classification of Potsdam dataset using tensorflow
SAFF -> Self-Attention-Based Deep Feature Fusion for Remote Sensing Scene Classification
GLNET -> Convolutional Neural Networks Based Remote Sensing Scene Classification under Clear and Cloudy Environments
Remote-sensing-image-classification -> transfer learning using pytorch to classify remote sensing data into three classes: aircrafts, ships, none
remote_sensing_pretrained_models -> as an alternative to fine tuning on models pretrained on ImageNet, here some CNN are pretrained on the RSD46-WHU & AID datasets
CNN_AircraftDetection -> CNN for aircraft detection in satellite images using keras
OBIC-GCN -> Object-based Classification Framework of Remote Sensing Images with Graph Convolutional Networks
aitlas-arena -> An open-source benchmark framework for evaluating state-of-the-art deep learning approaches for image classification in Earth Observation (EO)
droughtwatch -> Satellite-based Prediction of Forage Conditions for Livestock in Northern Kenya
JSTARS_2020_DPN-HRA -> Deep Prototypical Networks With Hybrid Residual Attention for Hyperspectral Image Classification
SIGNA -> Semantic Interleaving Global Channel Attention for Multilabel Remote Sensing Image Classification
Satellite Image Classification using rmldnn and Sentinel 2 data
PBDL -> Patch-Based Discriminative Learning for Remote Sensing Scene Classification
EmergencyNet -> identify fire and other emergencies from a drone
satellite-deforestation -> Using Satellite Imagery to Identify the Leading Indicators of Deforestation, applied to the Kaggle Challenge Understanding the Amazon from Space
RSMLC -> Deep Network Architectures as Feature Extractors for Multi-Label Classification of Remote Sensing Images
FireRisk -> A Remote Sensing Dataset for Fire Risk Assessment with Benchmarks Using Supervised and Self-supervised Learning
flood_susceptibility_mapping -> Towards urban flood susceptibility mapping using data-driven models in Berlin, Germany
tick-tick-bloom -> Winners of the Tick Tick Bloom: Harmful Algal Bloom Detection Challenge. Task was to predict severity of algae bloom, winners used decision trees
Estimating coal power plant operation from satellite images with computer vision -> use Sentinel 2 data to identify if a coal power plant is on or off, with dataset and repo
Building-detection-and-roof-type-recognition -> A CNN-Based Approach for Automatic Building Detection and Recognition of Roof Types Using a Single Aerial Image
Performance Comparison of Multispectral Channels for Land Use Classification -> Implemented ResNet-50, ResNet-101, ResNet-152, Vision Transformer on RGB and multispectral versions of EuroSAT dataset.
SNN4Space -> project which investigates the feasibility of deploying spiking neural networks (SNN) in land cover and land use classification tasks
vessel-classification -> classify vessels and identify fishing behavior based on AIS data
RSMamba -> Remote Sensing Image Classification with State Space Model
BirdSAT -> Cross-View Contrastive Masked Autoencoders for Bird Species Classification and Mapping
EGNNA_WND -> Estimating the presence of the West Nile Disease employing Graph Neural network
cyfi -> Estimate cyanobacteria density based on Sentinel-2 satellite imagery
#
(left) a satellite image and (right) the semantic classes in the image.
Image segmentation is a crucial step in image analysis and computer vision, with the goal of dividing an image into semantically meaningful segments or regions. The process of image segmentation assigns a class label to each pixel in an image, effectively transforming an image from a 2D grid of pixels into a 2D grid of pixels with assigned class labels. One common application of image segmentation is road or building segmentation, where the goal is to identify and separate roads and buildings from other features within an image. To accomplish this task, single class models are often trained to differentiate between roads and background, or buildings and background. These models are designed to recognize specific features, such as color, texture, and shape, that are characteristic of roads or buildings, and use this information to assign class labels to the pixels in an image. Another common application of image segmentation is land use or crop type classification, where the goal is to identify and map different land cover types within an image. In this case, multi-class models are typically used to recognize and differentiate between multiple classes within an image, such as forests, urban areas, and agricultural land. These models are capable of recognizing complex relationships between different land cover types, allowing for a more comprehensive understanding of the image content. Read A brief introduction to satellite image segmentation with neural networks. Note that many articles which refer to 'hyperspectral land classification' are often actually describing semantic segmentation. Image source
U-Net for Semantic Segmentation on Unbalanced Aerial Imagery -> using the Dubai dataset
Semantic Segmentation of Dubai dataset Using a TensorFlow U-Net Model
nga-deep-learning -> performs semantic segmentation on high resultion GeoTIF data using a modified U-Net & Keras, published by NASA researchers
SpectralNET -> a 2D wavelet CNN for Hyperspectral Image Classification, uses Salinas Scene dataset & Keras
laika -> The goal of this repo is to research potential sources of satellite image data and to implement various algorithms for satellite image segmentation
PEARL -> a human-in-the-loop AI tool to drastically reduce the time required to produce an accurate Land Use/Land Cover (LULC) map, blog post, uses Microsoft Planetary Computer and ML models run locally in the browser. Code for backelnd and frontend
Land Cover Classification with U-Net -> Satellite Image Multi-Class Semantic Segmentation Task with PyTorch Implementation of U-Net, uses DeepGlobe Land Cover Segmentation dataset, with code
Multi-class semantic segmentation of satellite images using U-Net using DSTL dataset, tensorflow 1 & python 2.7. Accompanying article
Codebase for multi class land cover classification with U-Net accompanying a masters thesis, uses Keras
dubai-satellite-imagery-segmentation -> due to the small dataset, image augmentation was used
CDL-Segmentation -> Deep Learning Based Land Cover and Crop Type Classification: A Comparative Study. Compares UNet, SegNet & DeepLabv3+
LoveDA -> A Remote Sensing Land-Cover Dataset for Domain Adaptive Semantic Segmentation
Satellite Imagery Semantic Segmentation with CNN -> 7 different segmentation classes, DeepGlobe Land Cover Classification Challenge dataset, with repo
Aerial Semantic Segmentation using U-Net Deep Learning Model medium article, with repo
UNet-Satellite-Image-Segmentation -> A Tensorflow implentation of light UNet semantic segmentation framework
Semantic-segmentation-with-PyTorch-Satellite-Imagery -> predict 25 classes on RGB imagery taken to assess the damage after Hurricane Harvey
Semantic Segmentation With Sentinel-2 Imagery -> uses LandCoverNet dataset and fast.ai
CNN_Enhanced_GCN -> CNN-Enhanced Graph Convolutional Network With Pixel- and Superpixel-Level Feature Fusion for Hyperspectral Image Classification
LULCMapping-WV3images-CORINE-DLMethods -> Land Use and Land Cover Mapping Using Deep Learning Based Segmentation Approaches and VHR Worldview-3 Images
MCANet -> A joint semantic segmentation framework of optical and SAR images for land use classification. Uses WHU-OPT-SAR-dataset
land-cover -> Model Generalization in Deep Learning Applications for Land Cover Mapping
generalizablersc -> Cross-dataset Learning for Generalizable Land Use Scene Classification
Large-scale-Automatic-Identification-of-Urban-Vacant-Land -> Large-scale automatic identification of urban vacant land using semantic segmentation of high-resolution remote sensing images
SSLTransformerRS -> Self-supervised Vision Transformers for Land-cover Segmentation and Classification
aerial-tile-segmentation -> Large satellite image semantic segmentation into 6 classes using Tensorflow 2.0 and ISPRS benchmark dataset
LULCMapping-WV3images-CORINE-DLMethods -> Land Use and Land Cover Mapping Using Deep Learning Based Segmentation Approaches and VHR Worldview-3 Images
DCSA-Net -> Dynamic Convolution Self-Attention Network for Land-Cover Classification in VHR Remote-Sensing Images
CHeGCN-CNN_enhanced_Heterogeneous_Graph -> CNN-Enhanced Heterogeneous Graph Convolutional Network: Inferring Land Use from Land Cover with a Case Study of Park Segmentation
TCSVT_2022_DGSSC -> DGSSC: A Deep Generative Spectral-Spatial Classifier for Imbalanced Hyperspectral Imagery
DeepForest-Wetland-Paper -> Deep Forest classifier for wetland mapping using the combination of Sentinel-1 and Sentinel-2 data, GIScience & Remote Sensing
Wetland_UNet -> UNet models that can delineate wetlands using remote sensing data input including bands from Sentinel-2 LiDAR and geomorphons. By the Conservation Innovation Center of Chesapeake Conservancy and Defenders of Wildlife
DPA -> DPA is an unsupervised domain adaptation (UDA) method applied to different satellite images for larg-scale land cover mapping.
dynamicworld -> Dynamic World, Near real-time global 10 m land use land cover mapping
spada -> Land Cover Segmentation with Sparse Annotations from Sentinel-2 Imagery
M3SPADA -> Multi-Sensor Temporal Unsupervised Domain Adaptation for Land Cover Mapping with spatial pseudo labelling and adversarial learning
GLNet -> Collaborative Global-Local Networks for Memory-Efficient Segmentation of Ultra-High Resolution Images
LoveNAS -> LoveNAS: Towards Multi-Scene Land-Cover Mapping via Hierarchical Searching Adaptive Network
FLAIR-2 challenge -> Semantic segmentation and domain adaptation challenge proposed by the French National Institute of Geographical and Forest Information (IGN)
Note that deforestation detection may be treated as a segmentation task or a change detection task
DetecTree -> Tree detection from aerial imagery in Python, a LightGBM classifier of tree/non-tree pixels from aerial imagery
Сrор field boundary detection: approaches and main challenges -> Medium article, covering historical and modern approaches
kenya-crop-mask -> Annual and in-season crop mapping in Kenya - LSTM classifier to classify pixels as containing crop or not, and a multi-spectral forecaster that provides a 12 month time series given a partial input. Dataset downloaded from GEE and pytorch lightning used for training
What’s growing there? Identify crops from multi-spectral remote sensing data (Sentinel 2) using eo-learn for data pre-processing, cloud detection, NDVI calculation, image augmentation & fastai
crop-type-classification -> using Sentinel 1 & 2 data with a U-Net + LSTM, more features (i.e. bands) and higher resolution produced better results (article, no code)
Find sports fields using Mask R-CNN and overlay on open-street-map
DeepSatModels -> Context-self contrastive pretraining for crop type semantic segmentation
farm-pin-crop-detection-challenge -> Using eo-learn and fastai to identify crops from multi-spectral remote sensing data
Detecting Agricultural Croplands from Sentinel-2 Satellite Imagery -> We developed UNet-Agri, a benchmark machine learning model that classifies croplands using open-access Sentinel-2 imagery at 10m spatial resolution
DeepTreeAttention -> Implementation of Hang et al. 2020 "Hyperspectral Image Classification with Attention Aided CNNs" for tree species prediction
Crop-Classification -> crop classification using multi temporal satellite images
ParcelDelineation -> using a French polygons dataset and unet in keras
crop-mask -> End-to-end workflow for generating high resolution cropland maps, uses GEE & LSTM model
DeepCropMapping -> A multi-temporal deep learning approach with improved spatial generalizability for dynamic corn and soybean mapping, uses LSTM
Use KMeans clustering to segment satellite imagery by land cover/land use
ResUnet-a -> a deep learning framework for semantic segmentation of remotely sensed data
DSD_paper_2020 -> Crop Type Classification based on Machine Learning with Multitemporal Sentinel-1 Data
MR-DNN -> extract rice field from Landsat 8 satellite imagery
deep_learning_forest_monitoring -> Forest mapping and monitoring of the African continent using Sentinel-2 data and deep learning
global-cropland-mapping -> global multi-temporal cropland mapping
U-Net for Semantic Segmentation of Soyabean Crop Fields with SAR images
UNet-RemoteSensing -> uses 7 bands of Landsat and keras
Landuse_DL -> delineate landforms due to the thawing of ice-rich permafrost
canopy -> A Convolutional Neural Network Classifier Identifies Tree Species in Mixed-Conifer Forest from Hyperspectral Imagery
RandomForest-Classification -> Multisensor data to derive peatland vegetation communities using a fixed-wing unmanned aerial vehicle
forest_change_detection -> forest change segmentation with time-dependent models, including Siamese, UNet-LSTM, UNet-diff, UNet3D models
cultionet -> segmentation of cultivated land, built on PyTorch Geometric and PyTorch Lightning
sentinel-tree-cover -> A global method to identify trees outside of closed-canopy forests with medium-resolution satellite imagery
crop-type-detection-ICLR-2020 -> Winning Solutions from Crop Type Detection Competition at CV4A workshop, ICLR 2020
Crop identification using satellite imagery -> Medium article, introduction to crop identification
S4A-Models -> Various experiments on the Sen4AgriNet dataset
attention-mechanism-unet -> An attention-based U-Net for detecting deforestation within satellite sensor imagery
Cocoa_plantations_detection -> Detecting cocoa plantation in Ivory Coast using Sentinel-2 remote sensing data using KNN, SVM, Random Forest and MLP
SummerCrop_Deeplearning -> A Transferable Learning Classification Model and Carbon Sequestration Estimation of Crops in Farmland Ecosystem
DeepForest is a python package for training and predicting individual tree crowns from airborne RGB imagery
Official repository for the "Identifying trees on satellite images" challenge from Omdena
Counting-Trees-using-Satellite-Images -> create an inventory of incoming and outgoing trees for an annual tree inspections, uses keras & semantic segmentation
2020 Nature paper - An unexpectedly large count of trees in the West African Sahara and Sahel -> tree detection framework based on U-Net & tensorflow 2 with code here
TreeDetection -> A color-based classifier to detect the trees in google image data along with tree visual localization and crown size calculations via OpenCV
PTDM -> Pomelo Tree Detection Method Based on Attention Mechanism and Cross-Layer Feature Fusion
urban-tree-detection -> Individual Tree Detection in Large-Scale Urban Environments using High-Resolution Multispectral Imagery. With dataset
BioMassters_baseline -> a basic pytorch lightning baseline using a UNet for getting started with the BioMassters challenge (biomass estimation)
Biomassters winners -> top 3 solutions
kbrodt biomassters solution -> 1st place solution
biomass-estimation -> from Azavea, applied to Sentinel 1 & 2
3DUNetGSFormer -> A deep learning pipeline for complex wetland mapping using generative adversarial networks and Swin transformer
SEANet_torch -> Using a semantic edge-aware multi-task neural network to delineate agricultural parcels from remote sensing images
arborizer -> Tree crowns segmentation and classification
ReUse -> REgressive Unet for Carbon Storage and Above-Ground Biomass Estimation
unet-sentinel -> UNet to handle Sentinel-1 SAR images to identify deforestation
MaskedSST -> Masked Vision Transformers for Hyperspectral Image Classification
UNet-defmapping -> master's thesis using UNet to map deforestation using Sentinel-2 Level 2A images, applied to Amazon and Atlantic Rainforest dataset
cvpr-multiearth-deforestation-segmentation -> multimodal Unet entry to the CVPR Multiearth 2023 deforestation challenge
supervised-wheat-classification-using-pytorchs-torchgeo -> supervised wheat classification using torchgeo
TransUNetplus2 -> TransU-Net++: Rethinking attention gated TransU-Net for deforestation mapping. Uses the Amazon and Atlantic forest dataset
A high-resolution canopy height model of the Earth -> A high-resolution canopy height model of the Earth
Radiant Earth Spot the Crop Challenge -> Winning models from the Radiant Earth Spot the Crop Challenge, uses a time-series of Sentinel-2 multispectral data to classify crops in the Western Cape of South Africa. Another solution
transfer-field-delineation -> Multi-Region Transfer Learning for Segmentation of Crop Field Boundaries in Satellite Images with Limited Labels
mowing-detection -> Automatic detection of mowing and grazing from Sentinel images
PTAViT3D and PTAViT3DCA -> Tackling fluffy clouds: field boundaries detection using time series of S2 and/or S1 imagery
ai4boundaries -> a Python package that facilitates download of the AI4boundaries data set
pytorch-waterbody-segmentation -> UNET model trained on the Satellite Images of Water Bodies dataset from Kaggle. The model is deployed on Hugging Face Spaces
Flood Detection and Analysis using UNET with Resnet-34 as the back bone uses fastai
Automatic Flood Detection from Satellite Images Using Deep Learning
Houston_flooding -> labeling each pixel as either flooded or not using data from Hurricane Harvey. Dataset consisted of pre and post flood images, and a ground truth floodwater mask was created using unsupervised clustering (with DBScan) of image pixels with human cluster verification/adjustment
ml4floods -> An ecosystem of data, models and code pipelines to tackle flooding with ML
A comprehensive guide to getting started with the ETCI Flood Detection competition -> using Sentinel1 SAR & pytorch
Map Floodwater of SAR Imagery with SageMaker -> applied to Sentinel-1 dataset
1st place solution for STAC Overflow: Map Floodwater from Radar Imagery hosted by Microsoft AI for Earth -> combines Unet with Catboostclassifier, taking their maxima, not the average
hydra-floods -> an open source Python application for downloading, processing, and delivering surface water maps derived from remote sensing data
CoastSat -> tool for mapping coastlines which has an extension CoastSeg using segmentation models
Satellite_Flood_Segmentation_of_Harvey -> explores both deep learning and traditional kmeans
ETCI-2021-Competition-on-Flood-Detection -> Experiments on Flood Segmentation on Sentinel-1 SAR Imagery with Cyclical Pseudo Labeling and Noisy Student Training
FDSI -> Flood Detection in Satellite Images - 2017 Multimedia Satellite Task
deepwatermap -> a deep model that segments water on multispectral images
rivamap -> an automated river analysis and mapping engine
deep-water -> track changes in water level
WatNet -> A deep ConvNet for surface water mapping based on Sentinel-2 image, uses the Earth Surface Water Dataset
floatingobjects -> TOWARDS DETECTING FLOATING OBJECTS ON A GLOBAL SCALE WITHLEARNED SPATIAL FEATURES USING SENTINEL 2. Uses U-Net & pytorch
SpaceNet8 -> baseline Unet solution to detect flooded roads and buildings
dlsim -> Breaking the Limits of Remote Sensing by Simulation and Deep Learning for Flood and Debris Flow Mapping
Water-HRNet -> HRNet trained on Sentinel 2
semantic segmentation model to identify newly developed or flooded land using NAIP imagery provided by the Chesapeake Conservancy, training on MS Azure
BandNet -> Analysis and application of multispectral data for water segmentation using machine learning. Uses Sentinel-2 data
mmflood -> MMFlood: A Multimodal Dataset for Flood Delineation From Satellite Imagery (Sentinel 1 SAR)
Urban_flooding -> Towards transferable data-driven models to predict urban pluvial flood water depth in Berlin, Germany
Flood-Mapping-Using-Satellite-Images -> masters thesis comparing Random Forest & Unet
MECNet -> Rich CNN features for water-body segmentation from very high resolution aerial and satellite imagery
SWRNET -> A Deep Learning Approach for Small Surface Water Area Recognition Onboard Satellite
elwha-segmentation -> fine-tuning Meta's Segment Anything (SAM) for bird's eye view river pixel segmentation, with Medium article
RiverSnap -> code for paper: A Comparative Performance Analysis of Popular Deep Learning Models and Segment Anything Model (SAM) for River Water Segmentation in Close-Range Remote Sensing Imagery
SatelliteVu-AWS-Disaster-Response-Hackathon -> fire spread prediction using classical ML & deep learning
Wild Fire Detection using U-Net trained on Databricks & Keras, semantic segmentation
A Practical Method for High-Resolution Burned Area Monitoring Using Sentinel-2 and VIIRS
AI Geospatial Wildfire Risk Prediction -> A predictive model using geospatial raster data to asses wildfire hazard potential over the contiguous United States using Unet
IndustrialSmokePlumeDetection -> using Sentinel-2 & a modified ResNet-50
burned-area-detection -> uses Sentinel-2
rescue -> Attention to fires: multi-channel deep-learning models forwildfire severity prediction
smoke_segmentation -> Segmenting smoke plumes and predicting density from GOES imagery
wildfire-detection -> Using Vision Transformers for enhanced wildfire detection in satellite images
Burned_Area_Detection -> Detecting Burned Areas with Sentinel-2 data
burned-area-baseline -> baseline unet model accompanying the Satellite Burned Area Dataset (Sentinel 1 & 2)
burned-area-seg -> Burned area segmentation from Sentinel-2 using multi-task learning
chabud2023 -> Change detection for Burned area Delineation (ChaBuD) ECML/PKDD 2023 challenge
Post Wildfire Burnt-up Detection using Siamese-UNet -> on Chadbud dataset
vit-burned-detection -> Vision transformers in burned area delineation
landslide-sar-unet -> Deep Learning for Rapid Landslide Detection using Synthetic Aperture Radar (SAR) Datacubes
landslide-mapping-with-cnn -> A new strategy to map landslides with a generalized convolutional neural network
Relict_landslides_CNN_kmeans -> Relict landslide detection in rainforest areas using a combination of k-means clustering algorithm and Deep-Learning semantic segmentation models
Landslide-mapping-on-SAR-data-by-Attention-U-Net -> Rapid Mapping of landslide on SAR data by Attention U-net
SAR-landslide-detection-pretraining -> SAR-based landslide classification pretraining leads to better segmentation
Landslide mapping from Sentinel-2 imagery through change detection
HED-UNet -> a model for simultaneous semantic segmentation and edge detection, examples provided are glacier fronts and building footprints using the Inria Aerial Image Labeling dataset
glacier_mapping -> Mapping glaciers in the Hindu Kush Himalaya, Landsat 7 images, Shapefile labels of the glaciers, Unet with dropout
glacier-detect-ML -> a simple logistic regression model to identify a glacier in Landsat satellite imagery
Antarctic-fracture-detection -> uses UNet with the MODIS Mosaic of Antarctica to detect surface fractures
Detection of Open Landfills -> uses Sentinel-2 to detect large changes in the Normalized Burn Ratio (NBR)
sea_ice_remote_sensing -> Sea Ice Concentration classification
Methane-detection-from-hyperspectral-imagery -> Deep Remote Sensing Methods for Methane Detection in Overhead Hyperspectral Imagery
methane-emission-project -> Classification CNNs was combined in an ensemble approach with traditional methods on tabular data
CH4Net -> A fast, simple model for detection of methane plumes using sentinel-2
EddyNet -> A Deep Neural Network For Pixel-Wise Classification of Oceanic Eddies
schisto-vegetation -> Deep Learning Segmentation of Satellite Imagery Identifies Aquatic Vegetation Associated with Snail Intermediate Hosts of Schistosomiasis in Senegal, Africa
Earthformer -> Exploring space-time transformers for earth system forecasting
weather4cast-2022 -> Unet-3D baseline model for Weather4cast Rain Movie Prediction competition
WeatherFusionNet -> Predicting Precipitation from Satellite Data. weather4cast-2022 1st place solution
marinedebrisdetector -> Large-scale Detection of Marine Debris in Coastal Areas with Sentinel-2
kaggle-identify-contrails-4th -> 4th place Solution, Google Research - Identify Contrails to Reduce Global Warming
MineSegSAT -> An automated system to evaluate mining disturbed area extents from Sentinel-2 imagery
STARCOP: Semantic Segmentation of Methane Plumes with Hyperspectral Machine Learning models
asos -> Recognizing protected and anthropogenic patterns in landscapes using interpretable machine learning and satellite imagery
Extracting roads is challenging due to the occlusions caused by other objects and the complex traffic environment
ChesapeakeRSC -> segmentation to extract roads from the background but are additionally evaluated by how they perform on the "Tree Canopy Over Road" class
Road detection using semantic segmentation and albumentations for data augmention using the Massachusetts Roads Dataset, U-net & Keras. With code
ML_EPFL_Project_2 -> U-Net in Pytorch to perform semantic segmentation of roads on satellite images
Semantic Segmentation of roads using U-net Keras, OSM data, project summary article by student, no code
Winning Solutions from SpaceNet Road Detection and Routing Challenge
RoadVecNet -> Road-Network-Segmentation-and-Vectorization in keras with dataset
awesome-deep-map -> A curated list of resources dedicated to deep learning / computer vision algorithms for mapping. The mapping problems include road network inference, building footprint extraction, etc.
RoadTracer: Automatic Extraction of Road Networks from Aerial Images -> uses an iterative search process guided by a CNN-based decision function to derive the road network graph directly from the output of the CNN
road_detection_mtl -> Road Detection using a multi-task Learning technique to improve the performance of the road detection task by incorporating prior knowledge constraints, uses the SpaceNet Roads Dataset
road_connectivity -> Improved Road Connectivity by Joint Learning of Orientation and Segmentation (CVPR2019)
Road-Network-Extraction using classical Image processing -> blur & canny edge detection
SPIN_RoadMapper -> Extracting Roads from Aerial Images via Spatial and Interaction Space Graph Reasoning for Autonomous Driving
road_extraction_remote_sensing -> pytorch implementation, CVPR2018 DeepGlobe Road Extraction Challenge submission. See also DeepGlobe-Road-Extraction-Challenge
CoANet -> Connectivity Attention Network for Road Extraction From Satellite Imagery. The CoA module incorporates graphical information to ensure the connectivity of roads are better preserved
Satellite Imagery Road Segmentation -> intro articule on Medium using the kaggle Massachusetts Roads Dataset
Label-Pixels -> for semantic segmentation of roads and other features
Satellite-image-road-extraction -> Road Extraction by Deep Residual U-Net
road_building_extraction -> Pytorch implementation of U-Net architecture for road and building extraction
RCFSNet -> Road Extraction From Satellite Imagery by Road Context and Full-Stage Feature
SGCN -> Split Depth-Wise Separable Graph-Convolution Network for Road Extraction in Complex Environments From High-Resolution Remote-Sensing Images
ASPN -> Road Segmentation for Remote Sensing Images using Adversarial Spatial Pyramid Networks
cresi -> Road network extraction from satellite imagery, with speed and travel time estimates
D-LinkNet -> LinkNet with Pretrained Encoder and Dilated Convolution for High Resolution Satellite Imagery Road Extraction
Sat2Graph -> Road Graph Extraction through Graph-Tensor Encoding
Image-Segmentation) -> using Massachusetts Road dataset and fast.ai
RoadTracer-M -> Road Network Extraction from Satellite Images Using CNN Based Segmentation and Tracing
ScRoadExtractor -> Scribble-based Weakly Supervised Deep Learning for Road Surface Extraction from Remote Sensing Images
RoadDA -> Stagewise Unsupervised Domain Adaptation with Adversarial Self-Training for Road Segmentation of Remote Sensing Images
DeepSegmentor -> A Pytorch implementation of DeepCrack and RoadNet projects
Cascaded Residual Attention Enhanced Road Extraction from Remote Sensing Images
NL-LinkNet -> Toward Lighter but More Accurate Road Extraction with Non-Local Operations
IRSR-net -> Lightweight Remote Sensing Road Detection Network
hironex -> A python tool for automatic, fully unsupervised extraction of historical road networks from historical maps
Road_detection_model -> Mapping Roads in the Brazilian Amazon with Artificial Intelligence and Sentinel-2
DTnet -> Road detection via a dual-task network based on cross-layer graph fusion modules
Automatic-Road-Extraction-from-Historical-Maps-using-Deep-Learning-Techniques -> Automatic Road Extraction from Historical Maps using Deep Learning Techniques
Istanbul_Dataset -> segmentation on the Istanbul, Inria and Massachusetts datasets
Road-Segmentation -> Road segmentation on Satellite Images using CNN (U-Nets and FCN8) and Logistic Regression
D-LinkNet -> 1st place solution in DeepGlobe Road Extraction Challenge
PaRK-Detect -> PaRK-Detect: Towards Efficient Multi-Task Satellite Imagery Road Extraction via Patch-Wise Keypoints Detection
tile2net -> Mapping the walk: A scalable computer vision approach for generating sidewalk network datasets from aerial imagery
AerialLaneNet -> Building Lane-Level Maps from Aerial Images, introduces the AErial Lane (AEL) Dataset: a first large-scale aerial image dataset built for lane detection
sam_road -> Segment Anything Model (SAM) for large-scale, vectorized road network extraction from aerial imagery.
LRDNet -> A Lightweight Road Detection Algorithm Based on Multiscale Convolutional Attention Network and Coupled Decoder Head
Fine–Grained Extraction of Road Networks via Joint Learning of Connectivity and Segmentation -> uses SpaceNet 3 dataset
Road and Building Semantic Segmentation in Satellite Imagery uses U-Net on the Massachusetts Roads Dataset & keras
find unauthorized constructions using aerial photography -> Dataset creation
SRBuildSeg -> Making low-resolution satellite images reborn: a deep learning approach for super-resolution building extraction
Building footprint detection with fastai on the challenging SpaceNet7 dataset uses U-Net & fastai
Pix2Pix-for-Semantic-Segmentation-of-Satellite-Images -> using Pix2Pix GAN network to segment the building footprint from Satellite Images, uses tensorflow
SpaceNetUnet -> Baseline model is U-net like, applied to SpaceNet Vegas data, using Keras
automated-building-detection -> Input: very-high-resolution (<= 0.5 m/pixel) RGB satellite images. Output: buildings in vector format (geojson), to be used in digital map products. Built on top of robosat and robosat.pink.
project_sunroof_india -> Analyzed Google Satellite images to generate a report on individual house rooftop's solar power potential, uses a range of classical computer vision techniques (e.g Canny Edge Detection) to segment the roofs
JointNet-A-Common-Neural-Network-for-Road-and-Building-Extraction
Mapping Africa’s Buildings with Satellite Imagery: Google AI blog post. See the open-buildings dataset
nz_convnet -> A U-net based ConvNet for New Zealand imagery to classify building outlines
polycnn -> End-to-End Learning of Polygons for Remote Sensing Image Classification
spacenet_building_detection solution by motokimura using Unet
Vec2Instance -> applied to the SpaceNet challenge AOI 2 (Vegas) building footprint dataset, tensorflow v1.12
EarthquakeDamageDetection -> Buildings segmentation from satellite imagery and damage classification for each build, using Keras
Semantic-segmentation repo by fuweifu-vtoo -> uses pytorch and the Massachusetts Buildings & Roads Datasets
Extracting buildings and roads from AWS Open Data using Amazon SageMaker -> With repo
TF-SegNet -> AirNet is a segmentation network based on SegNet, but with some modifications
rgb-footprint-extract -> a Semantic Segmentation Network for Urban-Scale Building Footprint Extraction Using RGB Satellite Imagery, DeepLavV3+ module with a Dilated ResNet C42 backbone
SpaceNetExploration -> A sample project demonstrating how to extract building footprints from satellite images using a semantic segmentation model. Data from the SpaceNet Challenge
Rooftop-Instance-Segmentation -> VGG-16, Instance Segmentation, uses the Airs dataset
solar-farms-mapping -> An Artificial Intelligence Dataset for Solar Energy Locations in India
poultry-cafos -> This repo contains code for detecting poultry barns from high-resolution aerial imagery and an accompanying dataset of predicted barns over the United States
ssai-cnn -> This is an implementation of Volodymyr Mnih's dissertation methods on his Massachusetts road & building dataset
Remote-sensing-building-extraction-to-3D-model-using-Paddle-and-Grasshopper
segmentation-enhanced-resunet -> Urban building extraction in Daejeon region using Modified Residual U-Net (Modified ResUnet) and applying post-processing
GRSL_BFE_MA -> Deep Learning-based Building Footprint Extraction with Missing Annotations using a novel loss function
FER-CNN -> Detection, Classification and Boundary Regularization of Buildings in Satellite Imagery Using Faster Edge Region Convolutional Neural Networks
UNET-Image-Segmentation-Satellite-Picture -> Unet to predict roof tops on Crowed AI Mapping dataset, uses keras
Vector-Map-Generation-from-Aerial-Imagery-using-Deep-Learning-GeoSpatial-UNET -> applied to geo-referenced images which are very large size > 10k x 10k pixels
building-footprint-segmentation -> pip installable library to train building footprint segmentation on satellite and aerial imagery, applied to Massachusetts Buildings Dataset and Inria Aerial Image Labeling Dataset
SemSegBuildings -> Project using fast.ai framework for semantic segmentation on Inria building segmentation dataset
FCNN-example -> overfit to a given single image to detect houses
SAT2LOD2 -> an open-source, python-based GUI-enabled software that takes the satellite images as inputs and returns LoD2 building models as outputs
SatFootprint -> building segmentation on the Spacenet 7 dataset
Building-Detection -> Raster Vision experiment to train a model to detect buildings from satellite imagery in three cities in Latin America
Multi-building-tracker -> Multi-target building tracker for satellite images using deep learning
Boundary Enhancement Semantic Segmentation for Building Extraction
LGPNet-BCD -> Building Change Detection for VHR Remote Sensing Images via Local-Global Pyramid Network and Cross-Task Transfer Learning Strategy
MTL_homoscedastic_SRB -> A Multi-Task Deep Learning Framework for Building Footprint Segmentation
UNet_CNN -> UNet model to segment building coverage in Boston using Remote sensing data, uses keras
FDANet -> Full-Level Domain Adaptation for Building Extraction in Very-High-Resolution Optical Remote-Sensing Images
CBRNet -> A Coarse-to-fine Boundary Refinement Network for Building Extraction from Remote Sensing Imagery
ASLNet -> Adversarial Shape Learning for Building Extraction in VHR Remote Sensing Images
BRRNet -> A Fully Convolutional Neural Network for Automatic Building Extraction From High-Resolution Remote Sensing Images
Multi-Scale-Filtering-Building-Index -> A Multi - Scale Filtering Building Index for Building Extraction in Very High - Resolution Satellite Imagery
Models for Remote Sensing -> long list of unets etc applied to building detection
boundary_loss_for_remote_sensing -> Boundary Loss for Remote Sensing Imagery Semantic Segmentation
Open Cities AI Challenge -> Segmenting Buildings for Disaster Resilience. Winning solutions on Github
MAPNet -> Multi Attending Path Neural Network for Building Footprint Extraction from Remote Sensed Imagery
dual-hrnet -> localizing buildings and classifying their damage level
ESFNet -> Efficient Network for Building Extraction from High-Resolution Aerial Images
rooftop-detection-python -> Detect Rooftops from low resolution satellite images and calculate area for cultivation and solar panel installment using classical computer vision techniques
keras_segmentation_models -> Using Open Vector-Based Spatial Data to Create Semantic Datasets for Building Segmentation for Raster Data
CVCMFFNet -> Complex-Valued Convolutional and Multifeature Fusion Network for Building Semantic Segmentation of InSAR Images
STEB-UNet -> A Swin Transformer-Based Encoding Booster Integrated in U-Shaped Network for Building Extraction
dfc2020_baseline -> Baseline solution for the IEEE GRSS Data Fusion Contest 2020. Predict land cover labels from Sentinel-1 and Sentinel-2 imagery
Fusing multiple segmentation models based on different datasets into a single edge-deployable model -> roof, car & road segmentation
ground-truth-gan-segmentation -> use Pix2Pix to segment the footprint of a building. The dataset used is AIRS
UNICEF-Giga_Sudan -> Detecting school lots from satellite imagery in Southern Sudan using a UNET segmentation model
building_footprint_extraction -> The project retrieves satellite imagery from Google and performs building footprint extraction using a U-Net.
projectRegularization -> Regularization of building boundaries in satellite images using adversarial and regularized losses
PolyWorldPretrainedNetwork -> Polygonal Building Extraction with Graph Neural Networks in Satellite Images
dl_image_segmentation -> Uncertainty-Aware Interpretable Deep Learning for Slum Mapping and Monitoring. Uses SHAP
UBC-dataset -> a dataset for building detection and classification from very high-resolution satellite imagery with the focus on object-level interpretation of individual buildings
UNetFormer -> A UNet-like transformer for efficient semantic segmentation of remote sensing urban scene imagery
BES-Net -> Boundary Enhancing Semantic Context Network for High-Resolution Image Semantic Segmentation. Applied to Vaihingen and Potsdam datasets
CVNet -> Contour Vibration Network for Building Extraction
CFENet -> A Context Feature Enhancement Network for Building Extraction from High-Resolution Remote Sensing Imagery
HiSup -> Accurate Polygonal Mapping of Buildings in Satellite Imagery
BuildingExtraction -> Building Extraction from Remote Sensing Images with Sparse Token Transformers
CrossGeoNet -> A Framework for Building Footprint Generation of Label-Scarce Geographical Regions
AFM_building -> Building Footprint Generation Through Convolutional Neural Networks With Attraction Field Representation
RAMP (Replicable AI for MicroPlanning) -> building detection in low and middle income countries
Building-instance-segmentation -> Multi-Modal Feature Fusion Network with Adaptive Center Point Detector for Building Instance Extraction
CGSANet -> A Contour-Guided and Local Structure-Aware Encoder–Decoder Network for Accurate Building Extraction From Very High-Resolution Remote Sensing Imagery
building-footprints-update -> Learning Color Distributions from Bitemporal Remote Sensing Images to Update Existing Building Footprints
RAMP -> model and buildings dataset to support a wide variety of humanitarian use cases
Thesis_Semantic_Image_Segmentation_on_Satellite_Imagery_using_UNets -> This master thesis aims to perform semantic segmentation of buildings on satellite images from the SpaceNet challenge 1 dataset using the U-Net architecture
HD-Net -> High-resolution decoupled network for building footprint extraction via deeply supervised body and boundary decomposition
RoofSense -> A novel deep learning solution for the automatic roofing material classification of the Dutch building stock using aerial imagery and laser scanning data fusion
IBS-AQSNet -> Enhanced Automated Quality Assessment Network for Interactive Building Segmentation in High-Resolution Remote Sensing Imagery
DeepMAO -> Deep Multi-scale Aware Overcomplete Network for Building Segmentation in Satellite Imagery
Deep-Learning-for-Solar-Panel-Recognition -> using both object detection with Yolov5 and Unet segmentation
DeepSolar -> A Machine Learning Framework to Efficiently Construct a Solar Deployment Database in the United States. Dataset on kaggle, actually used a CNN for classification and segmentation is obtained by applying a threshold to the activation map. Original code is tf1 but tf2/kers and a pytorch implementation are available. Also checkout Visualizations and in-depth analysis .. of the factors that can explain the adoption of solar energy in .. Virginia and DeepSolar tracker: towards unsupervised assessment with open-source data of the accuracy of deep learning-based distributed PV mapping
hyperion_solar_net -> trained classificaton & segmentation models on RGB imagery from Google Maps
3D-PV-Locator -> Large-scale detection of rooftop-mounted photovoltaic systems in 3D
PV_Pipeline -> DeepSolar for Germany
solar-panels-detection -> using SegNet, Fast SCNN & ResNet
predict_pv_yield -> Using optical flow & machine learning to predict PV yield
Large-scale-solar-plant-monitoring -> Remote Sensing for Monitoring of Photovoltaic Power Plants in Brazil Using Deep Semantic Segmentation
Panel-Segmentation -> Determine the presence of a solar array in the satellite image (boolean True/False), using a VGG16 classification model
Roofpedia -> an open registry of green roofs and solar roofs across the globe identified by Roofpedia through deep learning
Predicting the Solar Potential of Rooftops using Image Segmentation and Structured Data Medium article, using 20cm imagery & Unet
remote-sensing-solar-pv -> A repository for sharing progress on the automated detection of solar PV arrays in sentinel-2 remote sensing imagery
solar-panel-segmentation) -> Finding solar panels using USGS satellite imagery
solar_seg -> Solar segmentation of PV modules (sub elements of panels) using drone images and fast.ai
solar_plant_detection -> boundary extraction of Photovoltaic (PV) plants using Mask RCNN and Amir dataset
SolarDetection -> unet on satellite image from the USA and France
adopptrs -> Automatic Detection Of Photovoltaic Panels Through Remote Sensing using unet & pytorch
solar-panel-locator -> the number of solar panel pixels was only ~0.2% of the total pixels in the dataset, so solar panel data was upsampled to account for the class imbalance
projects-solar-panel-detection -> List of project to detect solar panels from aerial/satellite images
Satellite_ComputerVision -> UNET to detect solar arrays from Sentinel-2 data, using Google Earth Engine and Tensorflow. Also covers parking lot detection
photovoltaic-detection -> Detecting available rooftop area from satellite images to install photovoltaic panels
Solar_UNet -> U-Net models delineating solar arrays in Sentinel-2 imagery
SolarDetection-solafune -> Solar Panel Detection Using Sentinel-2 for the Solafune Competition
Universal-segmentation-baseline-Kaggle-Airbus-Ship-Detection -> Kaggle Airbus Ship Detection Challenge - bronze medal solution
Airbus-Ship-Segmentation -> unet
contrastive_SSL_ship_detection -> Contrastive self supervised learning for ship detection in Sentinel 2 images
airbus-ship-detection -> using DeepLabV3+
Aarsh2001/ML_Challenge_NRSC -> Electrical Substation detection
MCAN-OilSpillDetection -> Oil Spill Detection with A Multiscale Conditional Adversarial Network under Small Data Training
mining-detector -> detection of artisanal gold mines in Sentinel-2 satellite imagery for Amazon Mining Watch. Also covers clandestine airstrips
EG-UNet Deep Feature Enhancement Method for Land Cover With Irregular and Sparse Spatial Distribution Features: A Case Study on Open-Pit Mining
plastics -> Detecting and Monitoring Plastic Waste Aggregations in Sentinel-2 Imagery
MADOS -> Detecting Marine Pollutants and Sea Surface Features with Deep Learning in Sentinel-2 Imagery on the MADOS dataset
SADMA -> Residual Attention UNet on MARIDA: Marine Debris Archive is a marine debris-oriented dataset on Sentinel-2 satellite images
MAP-Mapper -> Marine Plastic Mapper is a tool for assessing marine macro-plastic density to identify plastic hotspots, underpinned by the MARIDA dataset.
substation-seg -> segmenting substations in Sentinel 2 satellite imagery
Things and stuff or how remote sensing could benefit from panoptic segmentation
utae-paps -> PyTorch implementation of U-TAE and PaPs for satellite image time series panoptic segmentation
Panoptic-Generator -> This module converts GIS data into panoptic segmentation tiles
BSB-Aerial-Dataset -> an example on how to use Detectron2's Panoptic-FPN in the BSB Aerial Dataset
seg-eval -> SegEval is a Python library that provides tools for evaluating semantic segmentation models. Generate evaluation regions and to analyze segmentation results within them.
Satellite Image Segmentation: a Workflow with U-Net is a decent intro article
mmsegmentation -> Semantic Segmentation Toolbox with support for many remote sensing datasets including LoveDA, Potsdam, Vaihingen & iSAID
segmentation_gym -> A neural gym for training deep learning models to carry out geoscientific image segmentation
How to create a DataBlock for Multispectral Satellite Image Semantic Segmentation using Fastai
Using a U-Net for image segmentation, blending predicted patches smoothly is a must to please the human eye -> python code to blend predicted patches smoothly. See Satellite-Image-Segmentation-with-Smooth-Blending
DCA -> Deep Covariance Alignment for Domain Adaptive Remote Sensing Image Segmentation
SCAttNet -> Semantic Segmentation Network with Spatial and Channel Attention Mechanism
unetseg -> A set of classes and CLI tools for training a semantic segmentation model based on the U-Net architecture, using Tensorflow and Keras. This implementation is tuned specifically for satellite imagery and other geospatial raster data
Semantic Segmentation of Satellite Imagery using U-Net & fast.ai -> with repo
clusternet_segmentation -> Unsupervised Segmentation by applying K-Means clustering to the features generated by Neural Network
Efficient-Transformer -> Efficient Transformer for Remote Sensing Image Segmentation
weakly_supervised -> Weakly Supervised Deep Learning for Segmentation of Remote Sensing Imagery
HRCNet-High-Resolution-Context-Extraction-Network -> High-Resolution Context Extraction Network for Semantic Segmentation of Remote Sensing Images
Semantic segmentation of SAR images using a self supervised technique
satellite-segmentation-pytorch -> explores a wide variety of image augmentations to increase training dataset size
Spectralformer -> Rethinking hyperspectral image classification with transformers
Unsupervised Segmentation of Hyperspectral Remote Sensing Images with Superpixels
SNDF -> Superpixel-enhanced deep neural forest for remote sensing image semantic segmentation
Satellite-Image-Classification -> using random forest or support vector machines (SVM) and sklearn
dynamic-rs-segmentation -> Dynamic Multi-Context Segmentation of Remote Sensing Images based on Convolutional Networks
segmentation_models.pytorch -> Segmentation models with pretrained backbones, has been used in multiple winning solutions to remote sensing competitions
SSRN -> Spectral-Spatial Residual Network for Hyperspectral Image Classification: A 3-D Deep Learning Framework
SO-DNN -> Simplified object-based deep neural network for very high resolution remote sensing image classification
SANet -> Scale-Aware Network for Semantic Segmentation of High-Resolution Aerial Images
aerial-segmentation -> Learning Aerial Image Segmentation from Online Maps
IterativeSegmentation -> Recurrent Neural Networks to Correct Satellite Image Classification Maps
Detectron2 FPN + PointRend Model for amazing Satellite Image Segmentation -> 15% increase in accuracy when compared to the U-Net model
HybridSN -> Exploring 3D-2D CNN Feature Hierarchy for Hyperspectral Image Classification
TNNLS_2022_X-GPN -> Semisupervised Cross-scale Graph Prototypical Network for Hyperspectral Image Classification
singleSceneSemSegTgrs2022 -> Unsupervised Single-Scene Semantic Segmentation for Earth Observation
A-Fast-and-Compact-3-D-CNN-for-HSIC -> A Fast and Compact 3-D CNN for Hyperspectral Image Classification
HSNRS -> Hourglass-ShapeNetwork Based Semantic Segmentation for High Resolution Aerial Imagery
GiGCN -> Graph-in-Graph Convolutional Network for Hyperspectral Image Classification
SSAN -> Spectral-Spatial Attention Networks for Hyperspectral Image Classification
drone-images-semantic-segmentation -> Multiclass Semantic Segmentation of Aerial Drone Images Using Deep Learning
Satellite-Image-Segmentation-with-Smooth-Blending -> uses Smoothly-Blend-Image-Patches
BayesianUNet -> Pytorch Bayesian UNet model for segmentation and uncertainty prediction, applied to the Potsdam Dataset
RAANet -> A Residual ASPP with Attention Framework for Semantic Segmentation of High-Resolution Remote Sensing Images
wheelRuts_semanticSegmentation -> Mapping wheel-ruts from timber harvesting operations using deep learning techniques in drone imagery
LWN-for-UAVRSI -> Light-Weight Semantic Segmentation Network for UAV Remote Sensing Images, applied to Vaihingen, UAVid and UDD6 datasets
hypernet -> library which implements hyperspectral image (HSI) segmentation
ST-UNet -> Swin Transformer Embedding UNet for Remote Sensing Image Semantic Segmentation
EDFT -> Efficient Depth Fusion Transformer for Aerial Image Semantic Segmentation
WiCoNet -> Looking Outside the Window: Wide-Context Transformer for the Semantic Segmentation of High-Resolution Remote Sensing Images
CRGNet -> Consistency-Regularized Region-Growing Network for Semantic Segmentation of Urban Scenes with Point-Level Annotations
SA-UNet -> Improved U-Net Remote Sensing Classification Algorithm Fusing Attention and Multiscale Features
MANet -> Multi-Attention-Network for Semantic Segmentation of Fine Resolution Remote Sensing Images
BANet -> Transformer Meets Convolution: A Bilateral Awareness Network for Semantic Segmentation of Very Fine Resolution Urban Scene Images
MACU-Net -> MACU-Net for Semantic Segmentation of Fine-Resolution Remotely Sensed Images
DNAS -> Decoupling Neural Architecture Search for High-Resolution Remote Sensing Image Semantic Segmentation
A2-FPN -> A2-FPN for Semantic Segmentation of Fine-Resolution Remotely Sensed Images
MAResU-Net -> Multi-stage Attention ResU-Net for Semantic Segmentation of Fine-Resolution Remote Sensing Images
ml_segmentation -> semantic segmentation of buildings using Random Forest, Support Vector Machine (SVM) & Gradient Boosting Classifier (GBC)
RSEN -> Robust Self-Ensembling Network for Hyperspectral Image Classification
MSNet -> multispectral semantic segmentation network for remote sensing images
k-textures -> K-textures, a self-supervised hard clustering deep learning algorithm for satellite image segmentation
Swin-Transformer-Semantic-Segmentation -> Satellite Image Semantic Segmentation
UDA_for_RS -> Unsupervised Domain Adaptation for Remote Sensing Semantic Segmentation with Transformer
A-3D-CNN-AM-DSC-model-for-hyperspectral-image-classification -> Attention Mechanism and Depthwise Separable Convolution Aided 3DCNN for Hyperspectral Remote Sensing Image Classification
contrastive-distillation -> A Contrastive Distillation Approach for Incremental Semantic Segmentation in Aerial Images
SegForestNet -> SegForestNet: Spatial-Partitioning-Based Aerial Image Segmentation
MFVNet -> MFVNet: Deep Adaptive Fusion Network with Multiple Field-of-Views for Remote Sensing Image Semantic Segmentation
Wildebeest-UNet -> detecting wildebeest and zebras in Serengeti-Mara ecosystem from very-high-resolution satellite imagery
segment-anything-eo -> Earth observation tools for Meta AI Segment Anything (SAM - Segment Anything Model)
HR-Image-classification_SDF2N -> A Shallow-to-Deep Feature Fusion Network for VHR Remote Sensing Image Classification
sink-seg -> Automatic Segmentation of Sinkholes Using a Convolutional Neural Network
Tiling and Stitching Segmentation Output for Remote Sensing: Basic Challenges and Recommendations
EMRT -> Enhancing Multiscale Representations With Transformer for Remote Sensing Image Semantic Segmentation
UDA_for_RS -> Unsupervised Domain Adaptation for Remote Sensing Semantic Segmentation with Transformer
CMTFNet -> CMTFNet: CNN and Multiscale Transformer Fusion Network for Remote Sensing Image Semantic Segmentation
CM-UNet -> Hybrid CNN-Mamba UNet for Remote Sensing Image Semantic Segmentation
Using Stable Diffusion to Improve Image Segmentation Models -> Augmenting Data with Stable Diffusion
SSRS -> Semantic Segmentation for Remote Sensing, multiple networks implemented
BIOSCANN -> BIOdiversity Segmentation and Classification with Artificial Neural Networks
ResUNet-a -> a deep learning framework for semantic segmentation of remotely sensed data
SSG2 -> A New Modelling Paradigm for Semantic Segmentation
#
In instance segmentation, each individual 'instance' of a segmented area is given a unique lable. For detection of very small objects this may a good approach, but it can struggle seperating individual objects that are closely spaced.
Mask_RCNN generates bounding boxes and segmentation masks for each instance of an object in the image. It is very commonly used for instance segmentation & object detection
Instance segmentation of center pivot irrigation system in Brazil using free Landsat images, mask R-CNN & Keras
Building-Detection-MaskRCNN -> Building detection from the SpaceNet dataset by using Mask RCNN
Oil tank instance segmentation with Mask R-CNN with accompanying article using Keras & Airbus Oil Storage Detection Dataset on Kaggle
Mask_RCNN-for-Caravans -> detect caravan footprints from OS imagery
parking_bays_detectron2 -> Detecting parking bays with satellite imagery. Used Detectron2 and synthetic data with Unreal, superior performance to using Mask RCNN
Locate buildings with a dark roof that feed heat island phenomenon using Mask RCNN -> with repo, used INRIA dataset & labelme for annotation
Circle_Finder -> Circular Shapes Detection in Satellite Imagery, 2nd place solution to the Circle Finder Challenge
Lawn_maskRCNN -> Detecting lawns from satellite images of properties in the Cedar Rapids area using Mask-R-CNN
CropMask_RCNN -> Segmenting center pivot agriculture to monitor crop water use in drylands with Mask R-CNN and Landsat satellite imagery
CATNet -> Learning to Aggregate Multi-Scale Context for Instance Segmentation in Remote Sensing Images
Object-Detection-on-Satellite-Images-using-Mask-R-CNN -> detect ships
FactSeg -> Foreground Activation Driven Small Object Semantic Segmentation in Large-Scale Remote Sensing Imagery (TGRS), also see FarSeg and FreeNet, implementations of research paper
aqua_python -> detecting aquaculture farms using Mask R-CNN
RSPrompter -> Learning to Prompt for Remote Sensing Instance Segmentation based on Visual Foundation Model
#
Image showing the suitability of rotated bounding boxes in remote sensing.
Object detection in remote sensing involves locating and surrounding objects of interest with bounding boxes. Due to the large size of remote sensing images and the fact that objects may only comprise a few pixels, object detection can be challenging in this context. The imbalance between the area of the objects to be detected and the background, combined with the potential for objects to be easily confused with random features in the background, further complicates the task. Object detection generally performs better on larger objects, but becomes increasingly difficult as the objects become smaller and more densely packed. The accuracy of object detection models can also degrade rapidly as image resolution decreases, which is why it is common to use high resolution imagery, such as 30cm RGB, for object detection in remote sensing. A unique characteristic of aerial images is that objects can be oriented in any direction. To effectively extract measurements of the length and width of an object, it can be crucial to use rotated bounding boxes that align with the orientation of the object. This approach enables more accurate and meaningful analysis of the objects within the image. Image source
TCTrack -> Temporal Contexts for Aerial Tracking
CFME -> Object Tracking in Satellite Videos by Improved Correlation Filters With Motion Estimations
TGraM -> Multi-Object Tracking in Satellite Videos with Graph-Based Multi-Task Modeling
satellite_video_mod_groundtruth -> groundtruth on satellite video for evaluating moving object detection algorithm
Moving-object-detection-DSFNet -> DSFNet: Dynamic and Static Fusion Network for Moving Object Detection in Satellite Videos
HiFT -> Hierarchical Feature Transformer for Aerial Tracking
Orinted bounding boxes (OBB) are polygons representing rotated rectangles. For datasets checkout DOTA & HRSC2016. Start with Yolov8
mmrotate -> Rotated Object Detection Benchmark, with pretrained models and function for inferencing on very large images
OBBDetection -> an oriented object detection library, which is based on MMdetection
rotate-yolov3 -> Rotation object detection implemented with yolov3. Also see yolov3-polygon
DRBox -> for detection tasks where the objects are orientated arbitrarily, e.g. vehicles, ships and airplanes
s2anet -> Align Deep Features for Oriented Object Detection
CFC-Net -> A Critical Feature Capturing Network for Arbitrary-Oriented Object Detection in Remote Sensing Images
ReDet -> A Rotation-equivariant Detector for Aerial Object Detection
BBAVectors-Oriented-Object-Detection -> Oriented Object Detection in Aerial Images with Box Boundary-Aware Vectors
CSL_RetinaNet_Tensorflow -> Arbitrary-Oriented Object Detection with Circular Smooth Label
r3det-on-mmdetection -> R3Det: Refined Single-Stage Detector with Feature Refinement for Rotating Object
R-DFPN_FPN_Tensorflow -> Rotation Dense Feature Pyramid Networks (Tensorflow)
R2CNN_Faster-RCNN_Tensorflow -> Rotational region detection based on Faster-RCNN
Rotated-RetinaNet -> implemented in pytorch, it supports the following datasets: DOTA, HRSC2016, ICDAR2013, ICDAR2015, UCAS-AOD, NWPU VHR-10, VOC2007
OBBDet_Swin -> The sixth place winning solution in 2021 Gaofen Challenge
CG-Net -> Learning Calibrated-Guidance for Object Detection in Aerial Images
OrientedRepPoints_DOTA -> Oriented RepPoints + Swin Transformer/ReResNet
yolov5_obb -> yolov5 + Oriented Object Detection
How to Train YOLOv5 OBB -> YOLOv5 OBB tutorial and YOLOv5 OBB noteboook
OHDet_Tensorflow -> can be applied to rotation detection and object heading detection
Seodore -> framework maintaining recent updates of mmdetection
Rotation-RetinaNet-PyTorch -> oriented detector Rotation-RetinaNet implementation on Optical and SAR ship dataset
AIDet -> an open source object detection in aerial image toolbox based on MMDetection
rotation-yolov5 -> rotation detection based on yolov5
ShipDetection -> Ship Detection in HR Optical Remote Sensing Images via Rotated Bounding Box, based on Faster R-CNN and ORN, uses caffe
SLRDet -> project based on mmdetection to reimplement RRPN and use the model Faster R-CNN OBB
AxisLearning -> Axis Learning for Orientated Objects Detection in Aerial Images
Detection_and_Recognition_in_Remote_Sensing_Image -> This work uses PaNet to realize Detection and Recognition in Remote Sensing Image by MXNet
DrBox-v2-tensorflow -> tensorflow implementation of DrBox-v2 which is an improved detector with rotatable boxes for target detection in remote sensing images
Rotation-EfficientDet-D0 -> A PyTorch Implementation Rotation Detector based EfficientDet Detector, applied to custom rotation vehicle datasets
DODet -> Dual alignment for oriented object detection, uses DOTA dataset
GF-CSL -> Gaussian Focal Loss: Learning Distribution Polarized Angle Prediction for Rotated Object Detection in Aerial Images
simplified_rbox_cnn -> RBox-CNN: rotated bounding box based CNN for ship detection in remote sensing image. Uses Tensorflow object detection API
Polar-Encodings -> Learning Polar Encodings for Arbitrary-Oriented Ship Detection in SAR Images
R-CenterNet -> detector for rotated-object based on CenterNet
piou -> Orientated Object Detection; IoU Loss, applied to DOTA dataset
DAFNe -> A One-Stage Anchor-Free Approach for Oriented Object Detection
AProNet -> Detecting objects with precise orientation from aerial images. Applied to datasets DOTA and HRSC2016
UCAS-AOD-benchmark -> A benchmark of UCAS-AOD dataset
RotateObjectDetection -> based on Ultralytics/yolov5, with adjustments to enable rotate prediction boxes. Also see PolygonObjectDetection
AD-Toolbox -> Aerial Detection Toolbox based on MMDetection and MMRotate, with support for more datasets
GGHL -> A General Gaussian Heatmap Label Assignment for Arbitrary-Oriented Object Detection
NPMMR-Det -> A Novel Nonlocal-Aware Pyramid and Multiscale Multitask Refinement Detector for Object Detection in Remote Sensing Images
AOPG -> Anchor-Free Oriented Proposal Generator for Object Detection
SE2-Det -> Semantic-Edge-Supervised Single-Stage Detector for Oriented Object Detection in Remote Sensing Imagery
OrientedRepPoints -> Oriented RepPoints for Aerial Object Detection
TS-Conv -> Task-wise Sampling Convolutions for Arbitrary-Oriented Object Detection in Aerial Images
FCOSR -> A Simple Anchor-free Rotated Detector for Aerial Object Detection. This implement is modified from mmdetection. See also TensorRT_Inference
OBB_Detection -> Finalist's solution in the track of Oriented Object Detection in Remote Sensing Images, 2022 Guangdong-Hong Kong-Macao Greater Bay Area International Algorithm Competition
sam-mmrotate -> SAM (Segment Anything Model) for generating rotated bounding boxes with MMRotate, which is a comparison method of H2RBox-v2
mmrotate-dcfl -> Dynamic Coarse-to-Fine Learning for Oriented Tiny Object Detection
h2rbox-mmrotate -> Horizontal Box Annotation is All You Need for Oriented Object Detection
Spatial-Transform-Decoupling -> Spatial Transform Decoupling for Oriented Object Detection
ARS-DETR -> Aspect Ratio Sensitive Oriented Object Detection with Transformer
CFINet -> Small Object Detection via Coarse-to-fine Proposal Generation and Imitation Learning. Introduces SODA-A dataset
Super-Resolution and Object Detection -> Super-resolution is a relatively inexpensive enhancement that can improve object detection performance
EESRGAN -> Small-Object Detection in Remote Sensing Images with End-to-End Edge-Enhanced GAN and Object Detector Network
Mid-Low Resolution Remote Sensing Ship Detection Using Super-Resolved Feature Representation
EESRGAN -> Small-Object Detection in Remote Sensing Images with End-to-End Edge-Enhanced GAN and Object Detector Network. Applied to COWC & OGST datasets
FBNet -> Feature Balance for Fine-Grained Object Classification in Aerial Images
SuperYOLO -> SuperYOLO: Super Resolution Assisted Object Detection in Multimodal Remote Sensing Imagery
Detecting the most noticeable or important object in a scene
ACCoNet -> Adjacent Context Coordination Network for Salient Object Detection in Optical Remote Sensing Images
MCCNet -> Multi-Content Complementation Network for Salient Object Detection in Optical Remote Sensing Images
CorrNet -> Lightweight Salient Object Detection in Optical Remote Sensing Images via Feature Correlation
Reading list for deep learning based Salient Object Detection in Optical Remote Sensing Images
ORSSD-dataset -> salient object detection dataset
EORSSD-dataset -> Extended Optical Remote Sensing Saliency Detection (EORSSD) Dataset
DAFNet_TIP20 -> Dense Attention Fluid Network for Salient Object Detection in Optical Remote Sensing Images
EMFINet -> Edge-Aware Multiscale Feature Integration Network for Salient Object Detection in Optical Remote Sensing Images
ERPNet -> Edge-guided Recurrent Positioning Network for Salient Object Detection in Optical Remote Sensing Images
FSMINet -> Fully Squeezed Multi-Scale Inference Network for Fast and Accurate Saliency Detection in Optical Remote Sensing Images
AGNet -> AGNet: Attention Guided Network for Salient Object Detection in Optical Remote Sensing Images
MSCNet -> A lightweight multi-scale context network for salient object detection in optical remote sensing images
GPnet -> Global Perception Network for Salient Object Detection in Remote Sensing Images
SeaNet -> Lightweight Salient Object Detection in Optical Remote Sensing Images via Semantic Matching and Edge Alignment
GeleNet -> Salient Object Detection in Optical Remote Sensing Images Driven by Transformer
satellite_image_tinhouse_detector -> Detection of tin houses from satellite/aerial images using the Tensorflow Object Detection API
Machine Learning For Rooftop Detection and Solar Panel Installment discusses tiling large images and generating annotations from OSM data. Features of the roofs were calculated using a combination of contour detection and classification. Follow up article using semantic segmentation
XBD-hurricanes -> Models for building (and building damage) detection in high-resolution (<1m) satellite and aerial imagery using a modified RetinaNet model
Detecting solar panels from satellite imagery using segmentation
ssd-spacenet -> Detect buildings in the Spacenet dataset using Single Shot MultiBox Detector (SSD)
3DBuildingInfoMap -> simultaneous extraction of building height and footprint from Sentinel imagery using ResNet
DeepSolaris -> a EuroStat project to detect solar panels in aerial images, further material here
ML_ObjectDetection_CAFO -> Detect Concentrated Animal Feeding Operations (CAFO) in Satellite Imagery
Multi-level-Building-Detection-Framework -> Multilevel Building Detection Framework in Remote Sensing Images Based on Convolutional Neural Networks
Automatic Damage Annotation on Post-Hurricane Satellite Imagery -> detect damaged buildings using tensorflow object detection API. With repos here and here
mappingchallenge -> YOLOv5 applied to the AICrowd Mapping Challenge dataset
Airbus Ship Detection Challenge -> using oriented bounding boxes. Read Detecting ships in satellite imagery: five years later…
kaggle-ships-in-Google-Earth-yolov8 -> Applying YOLOv8 to Kaggle Ships in Google Earth dataset
How hard is it for an AI to detect ships on satellite images?
Object Detection in Satellite Imagery, a Low Overhead Approach
Detecting Ships in Satellite Imagery using the Planet dataset and Keras
Ship detection using k-means clustering & CNN classifier on patches
SARfish -> Ship detection in Sentinel 1 Synthetic Aperture Radar (SAR) imagery
Arbitrary-Oriented Ship Detection through Center-Head Point Extraction
ship_detection -> using an interesting combination of CNN classifier, Class Activation Mapping (CAM) & UNET segmentation
Building a complete Ship detection algorithm using YOLOv3 and Planet satellite images -> covers finding and annotating data (using LabelMe), preprocessing large images into chips, and training Yolov3. Repo
Ship-detection-in-satellite-images -> experiments with UNET, YOLO, Mask R-CNN, SSD, Faster R-CNN, RETINA-NET
Ship-Detection-from-Satellite-Images-using-YOLOV4 -> uses Kaggle Airbus Ship Detection dataset
shipsnet-detector -> Detect container ships in Planet imagery using machine learning
Classifying Ships in Satellite Imagery with Neural Networks -> applied to the Kaggle Ships in Satellite Imagery dataset
Mask R-CNN for Ship Detection & Segmentation blog post with repo
contrastive_SSL_ship_detection -> Contrastive self supervised learning for ship detection in Sentinel 2 images
Boat detection with multi-region-growing method in satellite images
small-boat-detector -> Trained yolo v3 model weights and configuration file to detect small boats in satellite imagery
Satellite-Imagery-Datasets-Containing-Ships -> A list of optical and radar satellite datasets for ship detection, classification, semantic segmentation and instance segmentation tasks
vessel-detection-sentinels -> Sentinel-1 and Sentinel-2 Vessel Detection
Ship-Detection -> CNN approach for ship detection in the ocean using a satellite image
vesselTracker -> Project based on reduced model of Yolov5 architecture using Pytorch. Custom dataset based on SAR imagery provided by Sentinel-1 through Earth Engine API
marine-debris-ml-model -> Marine Debris Detection using tensorflow object detection API
SDGH-Net -> Ship Detection in Optical Remote Sensing Images Based on Gaussian Heatmap Regression
LR-TSDet -> LR-TSDet: Towards Tiny Ship Detection in Low-Resolution Remote Sensing Images
FGSCR-42 -> A public Dataset for Fine-Grained Ship Classification in Remote sensing images
ShipDetection -> Ship Detection in HR Optical Remote Sensing Images via Rotated Bounding Box, based on Faster R-CNN and ORN, uses caffe
WakeNet -> Rethinking Automatic Ship Wake Detection: State-of-the-Art CNN-based Wake Detection via Optical Images
Histogram of Oriented Gradients (HOG) Boat Heading Classification
Object Detection in Satellite Imagery, a Low Overhead Approach -> Medium article which demonstrates how to combine Canny edge detector pre-filters with HOG feature descriptors, random forest classifiers, and sliding windows to perform ship detection
simplified_rbox_cnn -> RBox-CNN: rotated bounding box based CNN for ship detection in remote sensing image. Uses Tensorflow object detection API
Ship-Detection-based-on-YOLOv3-and-KV260 -> entry project of the Xilinx Adaptive Computing Challenge 2021. It uses YOLOv3 for ship target detection in optical remote sensing images, and deploys DPU on the KV260 platform to achieve hardware acceleration
LEVIR-Ship -> a dataset for tiny ship detection under medium-resolution remote sensing images
Push-and-Pull-Network -> Contrastive Learning for Fine-grained Ship Classification in Remote Sensing Images
DRENet -> A Degraded Reconstruction Enhancement-Based Method for Tiny Ship Detection in Remote Sensing Images With a New Large-Scale Dataset
xView3-The-First-Place-Solution -> A winning solution for xView 3 challenge (Vessel detection, classification and length estimation on Sentinetl-1 images). Contains trained models, inference pipeline and training code & configs to reproduce the results.
vessel-detection-viirs -> Model and service code for streaming vessel detections from VIIRS satellite imagery
wakemodel_llmassist -> wake detection in Sentinel-2, uses an EfficientNet-B0 architecture adapted for keypoint detection
ORFENet -> Tiny Object Detection in Remote Sensing Images Based on Object Reconstruction and Multiple Receptive Field Adaptive Feature Enhancement. Uses LEVIR-Ship & AI-TODv2 datasets
mayrajeo S2 ship-detection -> Detecting marine vessels from Sentinel-2 imagery with YOLOv8
pytorch-vedai -> object detection on the VEDAI dataset: Vehicle Detection in Aerial Imagery
Truck Detection with Sentinel-2 during COVID-19 crisis -> moving objects in Sentinel-2 data causes a specific reflectance relationship in the RGB, which looks like a rainbow, and serves as a marker for trucks. Improve accuracy by only analysing roads. Not using object detection but relevant. Also see S2TD
cowc_car_counting -> car counting on the Cars Overhead With Context (COWC) dataset. Not sctictly object detection but a CNN to predict the car count in a tile
CarCounting -> using Yolov3 & COWC dataset
Traffic density estimation as a regression problem instead of object detection
Rotation-EfficientDet-D0 -> PyTorch implementation of Rotated EfficientDet, applied to a custom rotation vehicle dataset (car counting)
RSVC2021-Dataset -> A dataset for Vehicle Counting in Remote Sensing images, created from the DOTA & ITCVD
Car Localization and Counting with Overhead Imagery, an Interactive Exploration -> Medium article by Adam Van Etten
Vehicle-Counting-in-Very-Low-Resolution-Aerial-Images -> Vehicle Counting in Very Low-Resolution Aerial Images via Cross-Resolution Spatial Consistency and Intraresolution Time Continuity
Vehicle Detection blog post by Grant Pearse: detecting vehicles across New Zealand without collecting local training data
detecting-trucks -> detecting large vehicles in Sentinel-2
FlightScope_Bench -> A Deep Comprehensive Assessment of Aircraft Detection Algorithms in Satellite Imagery, including Faster RCNN, DETR, SSD, RTMdet, RetinaNet, CenterNet, YOLOv5, and YOLOv8
yoltv4 includes examples on the RarePlanes dataset
aircraft-detection -> experiments to test the performance of a Gaussian process (GP) classifier with various kernels on the UC Merced land use land cover (LULC) dataset
aircraft-detection-from-satellite-images-yolov3 -> trained on kaggle cgi-planes-in-satellite-imagery-w-bboxes dataset
HRPlanesv2-Data-Set -> YOLOv4 and YOLOv5 weights trained on the HRPlanesv2 dataset
Deep-Learning-for-Aircraft-Recognition -> A CNN model trained to classify and identify various military aircraft through satellite imagery
ergo-planes-detector -> An ergo based project that relies on a convolutional neural network to detect airplanes from satellite imagery, uses the PlanesNet dataset
pytorch-remote-sensing -> Aircraft detection using the 'Airbus Aircraft Detection' dataset and Faster-RCNN with ResNet-50 backbone using pytorch
FasterRCNN_ObjectDetection -> faster RCNN model for aircraft detection and localisation in satellite images and creating a webpage with live server for public usage
HRPlanes -> weights of YOLOv4 and Faster R-CNN networks trained with HRPlanes dataset
aerial-detection -> uses Yolov5 & Icevision
How to choose a deep learning architecture to detect aircrafts in satellite imagery?
rareplanes-yolov5 -> using YOLOv5 and the RarePlanes dataset to detect and classify sub-characteristics of aircraft, with article
OnlyPlanes -> Incrementally Tuning Synthetic Training Datasets for Satellite Object Detection
Understanding the RarePlanes Dataset and Building an Aircraft Detection Model -> blog post
wind-turbine-detector -> Wind Turbine Object Detection from Aerial Imagery Using TensorFlow Object Detection API
Water Tanks and Swimming Pools Detection -> uses Faster R-CNN
PCAN -> Part-Based Context Attention Network for Thermal Power Plant Detection in Remote Sensing Imagery, with dataset
WindTurbineDetection -> Implementation of transfer learning approach using the YOLOv7 framework to detect and rapidly quantify wind turbines in raw LANDSAT and NAIP satellite imagery
Oil is stored in tanks at many points between extraction and sale, and the volume of oil in storage is an important economic indicator.
A Beginner’s Guide To Calculating Oil Storage Tank Occupancy With Help Of Satellite Imagery
Oil Storage Tank’s Volume Occupancy On Satellite Imagery Using YoloV3 with repo
Oil-Tank-Volume-Estimation -> combines object detection and classical computer vision
Oil tank instance segmentation with Mask R-CNN with accompanying article using Keras & Airbus Oil Storage Detection Dataset on Kaggle
SubpixelCircleDetection -> CIRCULAR-SHAPED OBJECT DETECTION IN LOW RESOLUTION SATELLITE IMAGES
oil_storage-detector -> using yolov5 and the Airbus Oil Storage Detection dataset
oil_well_detector -> detect oil wells in the Bakken oil field based on satellite imagery
Oil Storage Detection on Airbus Imagery with YOLOX -> uses the Kaggle Airbus Oil Storage Detection dataset
AContrarioTankDetection -> Oil Tank Detection in Satellite Images via a Contrario Clustering
A variety of techniques can be used to count animals, including object detection and instance segmentation. For convenience they are all listed here:
cownter_strike -> counting cows, located with point-annotations, two models: CSRNet (a density-based method) & LCFCN (a detection-based method)
elephant_detection -> Using Keras-Retinanet to detect elephants from aerial images
CNN-Mosquito-Detection -> determining the locations of potentially dangerous breeding grounds, compared YOLOv4, YOLOR & YOLOv5
Borowicz_etal_Spacewhale -> locate whales using ResNet
walrus-detection-and-count -> uses Mask R-CNN instance segmentation
MarineMammalsDetection -> Weakly Supervised Detection of Marine Animals in High Resolution Aerial Images
Audubon_F21 -> Deep object detection for waterbird monitoring using aerial imagery
Object detection on Satellite Imagery using RetinaNet -> using the Kaggle Swimming Pool and Car Detection dataset
Object Detection and Image Segmentation with Deep Learning on Earth Observation Data: A Review
awesome-aerial-object-detection bu murari023, another by visionxiang and awesome-tiny-object-detection list many relevant papers
Object Detection Accuracy as a Function of Image Resolution -> Medium article using COWC dataset, performance rapidly degrades below 30cm imagery
Satellite Imagery Multiscale Rapid Detection with Windowed Networks (SIMRDWN) -> combines some of the leading object detection algorithms into a unified framework designed to detect objects both large and small in overhead imagery. Train models and test on arbitrary image sizes with YOLO (versions 2 and 3), Faster R-CNN, SSD, or R-FCN.
YOLTv4 -> YOLTv4 is designed to detect objects in aerial or satellite imagery in arbitrarily large images that far exceed the ~600×600 pixel size typically ingested by deep learning object detection frameworks. Read Announcing YOLTv4: Improved Satellite Imagery Object Detection
ASPDNet -> Counting dense objects in remote sensing images
xview-yolov3 -> xView 2018 Object Detection Challenge: YOLOv3 Training and Inference
How to detect small objects in (very) large images -> A practical guide to using Slicing-Aided Hyper Inference (SAHI) for performing inference on the DOTAv1.0 object detection dataset using the mmdetection framework
Object Detection Satellite Imagery Multi-vehicles Dataset (SIMD) -> RetinaNet,Yolov3 and Faster RCNN for multi object detection on satellite images dataset
SNIPER/AutoFocus -> an efficient multi-scale object detection training/inference algorithm
marine_debris_ML -> Marine debris detection, uses 3-meter imagery product called Planetscope with bands in the red, green, blue, and near-infrared. Uses Tensorflow Object Detection API with pre-trained resnet 101
pool-detection-from-aerial-imagery -> Use Icevision and Detectron2 to detect swimming pools from aerial imagery
Electric-Pylon-Detection-in-RSI -> a dataset which contains 1500 remote sensing images of electric pylons used to train ten deep learning models
IS-Count -> IS-Count is a sampling-based and learnable method for estimating the total object count in a region
yolov5s_for_satellite_imagery -> yolov5s applied to the DOTA dataset
RetinaNet-PyTorch -> RetinaNet implementation on remote sensing ship dataset (SSDD)
Detecting-Cyclone-Centers-Custom-YOLOv3 -> tropical cyclones (TCs) are intense warm-corded cyclonic vortices, developed from low-pressure systems over the tropical oceans and driven by complex air-sea interaction
Object-Detection-YoloV3-RetinaNet-FasterRCNN -> trained on a private datset
Google-earth-Object-Recognition -> Code for training and evaluating on Dior Dataset (Google Earth Images) using RetinaNet and YOLOV5
HIECTOR: Hierarchical object detector at scale -> HIECTOR facilitates multiple satellite data collections of increasingly detailed spatial resolution for a cost-efficient and accurate object detection over large areas. Code
Detection of Multiclass Objects in Optical Remote Sensing Images -> Detection of Multiclass Objects in Optical Remote Sensing Images
SB-MSN -> Improving Training Instance Quality in Aerial Image Object Detection With a Sampling-Balance-Based Multistage Network
yoltv5 -> detects objects in arbitrarily large aerial or satellite images that far exceed the ~600×600 pixel size typically ingested by deep learning object detection frameworks. Uses YOLOv5 & pytorch
AIR -> A deep learning object detector framework written in Python for supporting Land Search and Rescue Missions
dior_detect -> benchmarks for object detection on DIOR dataset
Panchromatic to Multispectral: Object Detection Performance as a Function of Imaging Bands -> Medium article, concludes that more bands are not always beneficial, but likely varies by use case
OPLD-Pytorch -> Learning Point-Guided Localization for Detection in Remote Sensing Images
F3Net -> Feature Fusion and Filtration Network for Object Detection in Optical Remote Sensing Images
GLNet -> Global to Local: Clip-LSTM-Based Object Detection From Remote Sensing Images
SRAF-Net -> A Scene-Relevant Anchor-Free Object Detection Network in Remote Sensing Images
object_detection_in_remote_sensing_images -> using CNN and attention mechanism
SHAPObjectDetection -> SHAP-Based Interpretable Object Detection Method for Satellite Imagery
NWD -> A Normalized Gaussian Wasserstein Distance for Tiny Object Detection. Uses AI-TOD dataset
MSFC-Net -> Multiscale Semantic Fusion-Guided Fractal Convolutional Object Detection Network for Optical Remote Sensing Imagery
LO-Det -> LO-Det: Lightweight Oriented Object Detection in Remote Sensing Images
R2IPoints -> Pursuing Rotation-Insensitive Point Representation for Aerial Object Detection
Object-Detection -> Multi-Scale Object Detection with the Pixel Attention Mechanism in a Complex Background
mmdet-rfla -> RFLA: Gaussian Receptive based Label Assignment for Tiny Object Detection
Interactive-Multi-Class-Tiny-Object-Detection -> Interactive Multi-Class Tiny-Object Detection
small-object-detection-benchmark -> Slicing Aided Hyper Inference and Fine-tuning for Small Object Detection (SAHI)
OD-Satellite-iSAID -> Object Detection in Aerial Images: A Case Study on Performance Improvement using iSAID
Large-Selective-Kernel-Network -> Large Selective Kernel Network for Remote Sensing Object Detection
Satellite_Imagery_Detection_YOLOV7 -> YOLOV7 applied to xView1 Dataset
FSANet -> FSANet: Feature-and-Spatial-Aligned Network for Tiny Object Detection in Remote Sensing Images
OAN Fewer is More: Efficient Object Detection in Large Aerial Images, based on MMdetection
DOTA-C -> evaluating the robustness of object detection models to 19 types of image quality degradation
Satellite-Remote-Sensing-Image-Object-Detection -> using RefineDet & DOTA dataset
When the object count, but not its shape is required, U-net can be used to treat this as an image-to-image translation problem.
centroid-unet -> Centroid-UNet is deep neural network model to detect centroids from satellite images
cownter_strike -> counting cows, located with point-annotations, two models: CSRNet (a density-based method) & LCFCN (a detection-based method)
DO-U-Net -> an effective approach for when the size of an object needs to be known, as well as the number of objects in the image, initially created to segment and count Internally Displaced People (IDP) camps in Afghanistan
Counting from Sky -> A Large-scale Dataset for Remote Sensing Object Counting and A Benchmark Method
PSGCNet -> PSGCNet: A Pyramidal Scale and Global Context Guided Network for Dense Object Counting in Remote Sensing Images
psgcnet -> A Pyramidal Scale and Global Context Guided Network for Dense Object Counting in Remote-Sensing Images
#
Regression prediction of windspeed.
Regression in remote sensing involves predicting continuous variables such as wind speed, tree height, or soil moisture from an image. Both classical machine learning and deep learning approaches can be used to accomplish this task. Classical machine learning utilizes feature engineering to extract numerical values from the input data, which are then used as input for a regression algorithm like linear regression. On the other hand, deep learning typically employs a convolutional neural network (CNN) to process the image data, followed by a fully connected neural network (FCNN) for regression. The FCNN is trained to map the input image to the desired output, providing predictions for the continuous variables of interest. Image source
python-windspeed -> Predicting windspeed of hurricanes from satellite images, uses CNN regression in keras
hurricane-wind-speed-cnn -> Predicting windspeed of hurricanes from satellite images, uses CNN regression in keras
GEDI-BDL -> Global canopy height regression and uncertainty estimation from GEDI LIDAR waveforms with deep ensembles
Global-Canopy-Height-Map -> Estimating Canopy Height at Scale (ICML2024)
HighResCanopyHeight -> code for Meta paper: Very high resolution canopy height maps from RGB imagery using self-supervised vision transformer and convolutional decoder trained on Aerial Lidar
Traffic density estimation as a regression problem instead of object detection -> inspired by paper: Traffic density estimation method from small satellite imagery: Towards frequent remote sensing of car traffic
OpticalWaveGauging_DNN -> Optical wave gauging using deep neural networks
satellite-pose-estimation -> adapts a ResNet50 model architecture to perform pose estimation on several series of satellite images (both real and synthetic)
Tropical Cyclone Wind Estimation Competition -> on RadiantEarth MLHub
DengueNet -> DengueNet: Dengue Prediction using Spatiotemporal Satellite Imagery for Resource-Limited Countries
tropical_cyclone_uq -> Uncertainty Aware Tropical Cyclone Wind Speed Estimation from Satellite Data
#
(left) False colour image and (right) a cloud & shadow mask.
Clouds are a major issue in remote sensing images as they can obscure the underlying ground features. This hinders the accuracy and effectiveness of remote sensing analysis, as the obscured regions cannot be properly interpreted. In order to address this challenge, various techniques have been developed to detect clouds in remote sensing images. Both classical algorithms and deep learning approaches can be employed for cloud detection. Classical algorithms typically use threshold-based techniques and hand-crafted features to identify cloud pixels. However, these techniques can be limited in their accuracy and are sensitive to changes in image appearance and cloud structure. On the other hand, deep learning approaches leverage the power of convolutional neural networks (CNNs) to accurately detect clouds in remote sensing images. These models are trained on large datasets of remote sensing images, allowing them to learn and generalize the unique features and patterns of clouds. The generated cloud mask can be used to identify the cloud pixels and eliminate them from further analysis or, alternatively, cloud inpainting techniques can be used to fill in the gaps left by the clouds. This approach helps to improve the accuracy of remote sensing analysis and provides a clearer view of the ground, even in the presence of clouds. Image adapted from the paper 'Refined UNet Lite: End-to-End Lightweight Network for Edge-precise Cloud Detection'
CloudSEN12 -> Sentinel 2 cloud dataset with a varierty of models here
From this article on sentinelhub there are three popular classical algorithms that detects thresholds in multiple bands in order to identify clouds. In the same article they propose using semantic segmentation combined with a CNN for a cloud classifier (excellent review paper here), but state that this requires too much compute resources.
This article compares a number of ML algorithms, random forests, stochastic gradient descent, support vector machines, Bayesian method.
Segmentation of Clouds in Satellite Images Using Deep Learning -> semantic segmentation using a Unet on the Kaggle 38-Cloud dataset
Cloud Detection in Satellite Imagery compares FPN+ResNet18 and CheapLab architectures on Sentinel-2 L1C and L2A imagery
Benchmarking Deep Learning models for Cloud Detection in Landsat-8 and Sentinel-2 images
Landsat-8 to Proba-V Transfer Learning and Domain Adaptation for Cloud detection
s2cloudmask -> Sentinel-2 Cloud and Shadow Detection using Machine Learning
sentinel2-cloud-detector -> Sentinel Hub Cloud Detector for Sentinel-2 images in Python
dsen2-cr -> cloud removal in Sentinel-2 imagery using a deep residual neural network and SAR-optical data fusion, contains the model code, written in Python/Keras, as well as links to pre-trained checkpoints and the SEN12MS-CR dataset
pyatsa -> Python package implementing the Automated Time-Series Analysis method for masking clouds in satellite imagery developed by Zhu and Helmer 2018
decloud -> Decloud enables the training of various deep nets to remove clouds in optical image, using e.g. Sentinel 1 & 2
cloudless -> Deep learning pipeline for orbital satellite data for detecting clouds
Deep-Gapfill -> Official implementation of Optical image gap filling using deep convolutional autoencoder from optical and radar images
satellite-cloud-removal-dip -> Satellite cloud removal with Deep Image Prior, with paper
cloudFCN -> Python 3 package for Fully Convolutional Network development, specifically for cloud masking
Fmask -> Fmask (Function of mask) is used for automated clouds, cloud shadows, snow, and water masking for Landsats 4-9 and Sentinel 2 images, in Matlab. Also see PyFmask
cloud-cover-winners -> winning submissions for the On Cloud N: Cloud Cover Detection Challenge
On-Cloud-N: Cloud Cover Detection Challenge - 19th Place Solution
ukis-csmask -> package to masks clouds in Sentinel-2, Landsat-8, Landsat-7 and Landsat-5 images
OpenSICDR -> long list of satellite image cloud detection resources
RS-Net -> A cloud detection algorithm for satellite imagery based on deep learning
Clouds-Segmentation-Project -> treats as a 3 class problem; Open clouds, Closed clouds and no clouds, uses pytorch on a dataset that consists of IR & Visual Grayscale images
STGAN -> STGAN for Cloud Removal in Satellite Images
mcgan-cvprw2017-pytorch -> Filmy Cloud Removal on Satellite Imagery with Multispectral Conditional Generative Adversarial Nets
Cloud-Net: A semantic segmentation CNN for cloud detection -> an end-to-end cloud detection algorithm for Landsat 8 imagery, trained on 38-Cloud Training Set
fcd -> Fixed-Point GAN for Cloud Detection. A weakly-supervised approach, training with only image-level labels
CloudX-Net -> an efficient and robust architecture used for detection of clouds from satellite images
38Cloud-Medium -> Walk-through using u-net to detect clouds in satellite images with fast.ai
cloud_detection_using_satellite_data -> performed on Sentinel 2 data
Luojia1-Cloud-Detection -> Luojia-1 Satellite Visible Band Nighttime Imagery Cloud Detection
SEN12MS-CR-TS -> A Remote Sensing Data Set for Multi-modal Multi-temporal Cloud Removal
ES-CCGAN -> This is a dehazed method for remote sensing image, which based on CycleGAN
Cloud_Classification_DL -> Classifying cloud organization patterns from satellite images using Deep Learning techniques (Mask R-CNN)
CNN-based-Cloud-Detection-Methods -> Understanding the Role of Receptive Field of Convolutional Neural Network for Cloud Detection in Landsat 8 OLI Imagery
cloud-removal-deploy -> flask app for cloud removal
CloudMattingGAN -> Generative Adversarial Training for Weakly Supervised Cloud Matting
km_predict -> KappaMask, or km-predict, is a cloud detector for Sentinel-2 Level-1C and Level-2A input products applied to S2 full image prediction
CDnet -> CNN-Based Cloud Detection for Remote Sensing Imager
GLNET -> Convolutional Neural Networks Based Remote Sensing Scene Classification under Clear and Cloudy Environments
CDnetV2 -> CNN-Based Cloud Detection for Remote Sensing Imagery With Cloud-Snow Coexistence
grouped-features-alignment -> Unsupervised Domain Adaptation for Cloud Detection Based on Grouped Features Alignment and Entropy Minimization
Detecting Cloud Cover Via Sentinel-2 Satellite Data -> blog post on Benjamin Warners Top-10 Percent Solution to DrivenData’s On CloudN Competition using fast.ai & customized version of XResNeXt50. Repo
AISD -> Deeply supervised convolutional neural network for shadow detection based on a novel aerial shadow imagery dataset
CloudGAN -> Detecting and Removing Clouds from RGB-images using Image Inpainting
Using GANs to Augment Data for Cloud Image Segmentation Task
Cloud-Segmentation-from-Satellite-Imagery -> applied to Sentinel-2 dataset
HRC_WHU -> High-Resolution Cloud Detection Dataset comprising 150 RGB images and a resolution varying from 0.5 to 15 m in different global regions
MEcGANs -> Cloud Removal from Satellite Imagery using Multispectral Edge-filtered Conditional Generative Adversarial Networks
CloudXNet -> CloudX-net: A robust encoder-decoder architecture for cloud detection from satellite remote sensing images
cloud-buster -> Sentinel-2 L1C and L2A Imagery with Fewer Clouds
SatelliteCloudGenerator -> A PyTorch-based tool to generate clouds for satellite images
SEnSeI -> A python 3 package for developing sensor independent deep learning models for cloud masking in satellite imagery
cloud-detection-venus -> Using Convolutional Neural Networks for Cloud Detection on VENμS Images over Multiple Land-Cover Types
explaining_cloud_effects -> Explaining the Effects of Clouds on Remote Sensing Scene Classification
Clouds-Images-Segmentation -> Marine Stratocumulus Cloud-Type Classification from SEVIRI Using Convolutional Neural Networks
DeCloud-GAN -> DeCloud GAN: An Advanced Generative Adversarial Network for Removing Cloud Cover in Optical Remote Sensing Imagery
cloud_segmentation_comparative -> BenchCloudVision: A Benchmark Analysis of Deep Learning Approaches for Cloud Detection and Segmentation in Remote Sensing Imagery
PLFM-Clouds-Removal -> Spatio-Temporal SAR-Optical Data Fusion for Cloud Removal via a Deep Hierarchical Model
Cloud-removal-model-collection -> A collection of the existing end-to-end cloud removal models
SEnSeIv2 -> Sensor Independent Cloud and Shadow Masking with Ambiguous Labels and Multimodal Inputs
cloud-detection-venus -> Using Convolutional Neural Networks for Cloud Detection on VENμS Images over Multiple Land-Cover Types
UnCRtainTS -> Uncertainty Quantification for Cloud Removal in Optical Satellite Time Series
U-TILISE -> A Sequence-to-sequence Model for Cloud Removal in Optical Satellite Time Series
#
(left) Initial and (middle) after some development, with (right) the change highlighted.
Change detection is a vital component of remote sensing analysis, enabling the monitoring of landscape changes over time. This technique can be applied to identify a wide range of changes, including land use changes, urban development, coastal erosion, and deforestation. Change detection can be performed on a pair of images taken at different times, or by analyzing multiple images collected over a period of time. It is important to note that while change detection is primarily used to detect changes in the landscape, it can also be influenced by the presence of clouds and shadows. These dynamic elements can alter the appearance of the image, leading to false positives in change detection results. Therefore, it is essential to consider the impact of clouds and shadows on change detection analysis, and to employ appropriate methods to mitigate their influence. Image source
awesome-remote-sensing-change-detection lists many datasets and publications
Change-Detection-Review -> A review of change detection methods, including code and open data sets for deep learning
STANet ->STANet for remote sensing image change detection
UNet-based-Unsupervised-Change-Detection -> A convolutional neural network (CNN) and semantic segmentation is implemented to detect the changes between the images, as well as classify the changes into the correct semantic class
BIT_CD -> Official Pytorch Implementation of Remote Sensing Image Change Detection with Transformers
Siamese neural network to detect changes in aerial images -> uses Keras and VGG16 architecture
Change Detection in 3D: Generating Digital Elevation Models from Dove Imagery
QGIS plugin for applying change detection algorithms on high resolution satellite imagery
LamboiseNet -> Master thesis about change detection in satellite imagery using Deep Learning
Urban Change Detection for Multispectral Earth Observation Using Convolutional Neural Networks -> used the Onera Satellite Change Detection (OSCD) dataset
IAug_CDNet -> Official Pytorch Implementation of Adversarial Instance Augmentation for Building Change Detection in Remote Sensing Images
dpm-rnn-public -> Code implementing a damage mapping method combining satellite data with deep learning
SenseEarth2020-ChangeDetection -> 1st place solution to the Satellite Image Change Detection Challenge hosted by SenseTime; predictions of five HRNet-based segmentation models are ensembled, serving as pseudo labels of unchanged areas
KPCAMNet -> Python implementation of the paper Unsupervised Change Detection in Multi-temporal VHR Images Based on Deep Kernel PCA Convolutional Mapping Network
CDLab -> benchmarking deep learning-based change detection methods.
Siam-NestedUNet -> SNUNet-CD: A Densely Connected Siamese Network for Change Detection of VHR Images
SUNet-change_detection -> Implementation of paper SUNet: Change Detection for Heterogeneous Remote Sensing Images from Satellite and UAV Using a Dual-Channel Fully Convolution Network
Self-supervised Change Detection in Multi-view Remote Sensing Images
MFPNet -> Remote Sensing Change Detection Based on Multidirectional Adaptive Feature Fusion and Perceptual Similarity
GitHub for the DIUx xView Detection Challenge -> The xView2 Challenge focuses on automating the process of assessing building damage after a natural disaster
DASNet -> Dual attentive fully convolutional siamese networks for change detection of high-resolution satellite images
Self-Attention for Raw Optical Satellite Time Series Classification
planet-movement -> Find and process Planet image pairs to highlight object movement
temporal-cluster-matching -> detecting change in structure footprints from time series of remotely sensed imagery
autoRIFT -> fast and intelligent algorithm for finding the pixel displacement between two images
DSAMNet -> A Deeply Supervised Attention Metric-Based Network and an Open Aerial Image Dataset for Remote Sensing Change Detection
SRCDNet -> Super-resolution-based Change Detection Network with Stacked Attention Module for Images with Different Resolutions. SRCDNet is designed to learn and predict change maps from bi-temporal images with different resolutions
Land-Cover-Analysis -> Land Cover Change Detection using Satellite Image Segmentation
Change Detection in Multi-temporal Satellite Images -> uses Principal Component Analysis (PCA) and K-means clustering
Unsupervised Change Detection Algorithm using PCA and K-Means Clustering -> in Matlab but has paper
ChangeFormer -> A Transformer-Based Siamese Network for Change Detection. Uses transformer architecture to address the limitations of CNN in handling multi-scale long-range details. Demonstrates that ChangeFormer captures much finer details compared to the other SOTA methods, achieving better performance on benchmark datasets
Heterogeneous_CD -> Heterogeneous Change Detection in Remote Sensing Images
ChangeDetectionProject -> Trying out Active Learning in with deep CNNs for Change detection on remote sensing data
DSFANet -> Unsupervised Deep Slow Feature Analysis for Change Detection in Multi-Temporal Remote Sensing Images
siamese-change-detection -> Targeted synthesis of multi-temporal remote sensing images for change detection using siamese neural networks
Bi-SRNet -> Bi-Temporal Semantic Reasoning for the Semantic Change Detection in HR Remote Sensing Images
SiROC -> Spatial Context Awareness for Unsupervised Change Detection in Optical Satellite Images. Applied to Sentinel-2 and high-resolution Planetscope imagery on four datasets
DSMSCN -> Tensorflow implementation for Change Detection in Multi-temporal VHR Images Based on Deep Siamese Multi-scale Convolutional Neural Networks
RaVAEn -> a lightweight, unsupervised approach for change detection in satellite data based on Variational Auto-Encoders (VAEs) with the specific purpose of on-board deployment. It flags changed areas to prioritise for downlink, shortening the response time
SemiCD -> Revisiting Consistency Regularization for Semi-supervised Change Detection in Remote Sensing Images. Achieves the performance of supervised CD even with access to as little as 10% of the annotated training data
FCCDN_pytorch -> FCCDN: Feature Constraint Network for VHR Image Change Detection. Uses the LEVIR-CD building change detection dataset
INLPG_Python -> Structure Consistency based Graph for Unsupervised Change Detection with Homogeneous and Heterogeneous Remote Sensing Images
NSPG_Python -> Nonlocal patch similarity based heterogeneous remote sensing change detection
LGPNet-BCD -> Building Change Detection for VHR Remote Sensing Images via Local-Global Pyramid Network and Cross-Task Transfer Learning Strategy
DS_UNet -> Sentinel-1 and Sentinel-2 Data Fusion for Urban Change Detection using a Dual Stream U-Net, uses Onera Satellite Change Detection dataset
SiameseSSL -> Urban change detection with a Dual-Task Siamese network and semi-supervised learning. Uses SpaceNet 7 dataset
CD-SOTA-methods -> Remote sensing change detection: State-of-the-art methods and available datasets
multimodalCD_ISPRS21 -> Fusing Multi-modal Data for Supervised Change Detection
Unsupervised-CD-in-SITS-using-DL-and-Graphs -> Unsupervised Change Detection Analysis in Satellite Image Time Series using Deep Learning Combined with Graph-Based Approaches
LSNet -> Extremely Light-Weight Siamese Network For Change Detection in Remote Sensing Image
Change-Detection-in-Remote-Sensing-Images -> using PCA & K-means
End-to-end-CD-for-VHR-satellite-image -> End-to-End Change Detection for High Resolution Satellite Images Using Improved UNet++
Semantic-Change-Detection -> SCDNET: A novel convolutional network for semantic change detection in high resolution optical remote sensing imagery
ERCNN-DRS_urban_change_monitoring -> Neural Network-Based Urban Change Monitoring with Deep-Temporal Multispectral and SAR Remote Sensing Data
EGRCNN -> Edge-guided Recurrent Convolutional Neural Network for Multi-temporal Remote Sensing Image Building Change Detection
Unsupervised-Remote-Sensing-Change-Detection -> An Unsupervised Remote Sensing Change Detection Method Based on Multiscale Graph Convolutional Network and Metric Learning
CropLand-CD -> A CNN-transformer Network with Multi-scale Context Aggregation for Fine-grained Cropland Change Detection
contrastive-surface-image-pretraining -> Supervising Remote Sensing Change Detection Models with 3D Surface Semantics
dcvaVHROptical -> Unsupervised Deep Change Vector Analysis for Multiple-Change Detection in VHR Images
hyperdimensionalCD -> Change Detection in Hyperdimensional Images Using Untrained Models
DSFANet -> Unsupervised Deep Slow Feature Analysis for Change Detection in Multi-Temporal Remote Sensing Images
FCD-GAN-pytorch -> Fully Convolutional Change Detection Framework with Generative Adversarial Network (FCD-GAN) is a framework for change detection in multi-temporal remote sensing images
DARNet-CD -> A Densely Attentive Refinement Network for Change Detection Based on Very-High-Resolution Bitemporal Remote Sensing Images
xView2_Vulcan -> Damage assessment using pre and post orthoimagery. Modified + productionized model based off the first-place model from the xView2 challenge.
ESCNet -> An End-to-End Superpixel-Enhanced Change Detection Network for Very-High-Resolution Remote Sensing Images
ForestCoverChange -> Detecting and Predicting Forest Cover Change in Pakistani Areas Using Remote Sensing Imagery
forest_change_detection -> forest change segmentation with time-dependent models, including Siamese, UNet-LSTM, UNet-diff, UNet3D models
SentinelClearcutDetection -> Scripts for deforestation detection on the Sentinel-2 Level-A images
clearcut_detection -> research & web-service for clearcut detection
CDRL -> Unsupervised Change Detection Based on Image Reconstruction Loss
ddpm-cd -> Remote Sensing Change Detection (Segmentation) using Denoising Diffusion Probabilistic Models
Remote-sensing-time-series-change-detection -> Graph-based block-level urban change detection using Sentinel-2 time series
austin-ml-change-detection-demo -> A change detection demo for the Austin area using a pre-trained PyTorch model scaled with Dask on Planet imagery
dfc2021-msd-baseline -> Multitemporal Semantic Change Detection track of the 2021 IEEE GRSS Data Fusion Competition
CorrFusionNet -> Multi-Temporal Scene Classification and Scene Change Detection with Correlation based Fusion
ChangeDetectionPCAKmeans -> Unsupervised Change Detection in Satellite Images Using Principal Component Analysis and k-Means Clustering.
IRCNN -> IRCNN: An Irregular-Time-Distanced Recurrent Convolutional Neural Network for Change Detection in Satellite Time Series
UTRNet -> An Unsupervised Time-Distance-Guided Convolutional Recurrent Network for Change Detection in Irregularly Collected Images
open-cd -> an open source change detection toolbox based on a series of open source general vision task tools
Tiny_model_4_CD -> TINYCD: A (Not So) Deep Learning Model For Change Detection. Uses LEVIR-CD & WHU-CD datasets
FHD -> Feature Hierarchical Differentiation for Remote Sensing Image Change Detection
Change detection with Raster Vision -> blog post with Colab notebook
building-expansion -> Enhancing Environmental Enforcement with Near Real-Time Monitoring: Likelihood-Based Detection of Structural Expansion of Intensive Livestock Farms
SaDL_CD -> Semantic-aware Dense Representation Learning for Remote Sensing Image Change Detection
EGCTNet_pytorch -> Building Change Detection Based on an Edge-Guided Convolutional Neural Network Combined with a Transformer
S2-cGAN -> S2-cGAN: Self-Supervised Adversarial Representation Learning for Binary Change Detection in Multispectral Images
A-loss-function-for-change-detection -> UAL: Unchanged Area Loss-Function for Change Detection Networks
IEEE_TGRS_SSTFormer -> Spectral–Spatial–Temporal Transformers for Hyperspectral Image Change Detection
DMINet -> Change Detection on Remote Sensing Images Using Dual-Branch Multilevel Intertemporal Network
AFCF3D-Net -> Adjacent-level Feature Cross-Fusion with 3D CNN for Remote Sensing Image Change Detection
DSAHRNet -> A Deeply Attentive High-Resolution Network for Change Detection in Remote Sensing Images
RDPNet -> RDP-Net: Region Detail Preserving Network for Change Detection
BGAAE_CD -> Bipartite Graph Attention Autoencoders for Unsupervised Change Detection Using VHR Remote Sensing Images
Unsupervised-Change-Detection -> Unsupervised Change Detection in Satellite Images Using Principal Component Analysis and k-Means Clustering
Metric-CD -> Deep Metric Learning for Unsupervised Change Detection in Remote Sensing Images
HANet-CD -> HANet: A hierarchical attention network for change detection with bi-temporal very-high-resolution remote sensing images
SRGCAE -> Unsupervised Multimodal Change Detection Based on Structural Relationship Graph Representation Learning
change_detection_onera_baselines -> Siamese version of U-Net baseline model
SiamCRNN -> Change Detection in Multisource VHR Images via Deep Siamese Convolutional Multiple-Layers Recurrent Neural Network
Graph-based methods for change detection in remote sensing images -> Graph Learning Based on Signal Smoothness Representation for Homogeneous and Heterogeneous Change Detection
TransUNetplus2 -> TransU-Net++: Rethinking attention gated TransU-Net for deforestation mapping. Uses the Amazon and Atlantic forest dataset
AR-CDNet -> Towards Accurate and Reliable Change Detection of Remote Sensing Images via Knowledge Review and Online Uncertainty Estimation
CICNet -> Compact Intertemporal Coupling Network for Remote Sensing Change Detection
BGINet -> Remote Sensing Image Change Detection with Graph Interaction
DSNUNet -> DSNUNet: An Improved Forest Change Detection Network by Combining Sentinel-1 and Sentinel-2 Images
Forest-CD -> Forest-CD: Forest Change Detection Network Based on VHR Images
S3Net_CD -> Superpixel-Guided Self-Supervised Learning Network for Change Detection in Multitemporal Image Change Detection
T-UNet -> T-UNet: Triplet UNet for Change Detection in High-Resolution Remote Sensing Images
UCDFormer -> UCDFormer: Unsupervised Change Detection Using a Transformer-driven Image Translation
satellite-change-events -> Change Event Dataset for Discovery from Spatio-temporal Remote Sensing Imagery, uses Sentinel 2 CaiRoad & CalFire datasets
CACo -> Change-Aware Sampling and Contrastive Learning for Satellite Images
LightCDNet -> LightCDNet: Lightweight Change Detection Network Based on VHR Images
OpenMineChangeDetection -> Characterising Open Cast Mining from Satellite Data (Sentinel 2), implements TinyCD, LSNet & DDPM-CD
multi-task-L-UNet -> A Deep Multi-Task Learning Framework Coupling Semantic Segmentation and Fully Convolutional LSTM Networks for Urban Change Detection. Applied to SpaceNet7 dataset
urban_change_detection -> Detecting Urban Changes With Recurrent Neural Networks From Multitemporal Sentinel-2 Data. fabric is another implementation
UNetLSTM -> Detecting Urban Changes With Recurrent Neural Networks From Multitemporal Sentinel-2 Data
SDACD -> An End-to-end Supervised Domain Adaptation Framework for Cross-domain Change Detection
CycleGAN-Based-DA-for-CD -> CycleGAN-based Domain Adaptation for Deforestation Detection
CGNet-CD -> Change Guiding Network: Incorporating Change Prior to Guide Change Detection in Remote Sensing Imagery
PA-Former -> PA-Former: Learning Prior-Aware Transformer for Remote Sensing Building Change Detection
AERNet -> AERNet: An Attention-Guided Edge Refinement Network and a Dataset for Remote Sensing Building Change Detection (HRCUS-CD)
S1GFlood-Detection -> DAM-Net: Global Flood Detection from SAR Imagery Using Differential Attention Metric-Based Vision Transformers. Includes S1GFloods dataset
Changen -> Scalable Multi-Temporal Remote Sensing Change Data Generation via Simulating Stochastic Change Process
TTP -> Time Travelling Pixels: Bitemporal Features Integration with Foundation Model for Remote Sensing Image Change Detection
SAM-CD -> Adapting Segment Anything Model for Change Detection in HR Remote Sensing Images
SCanNet -> Joint Spatio-Temporal Modeling for Semantic Change Detection in Remote Sensing Images
ELGC-Net -> Efficient Local-Global Context Aggregation for Remote Sensing Change Detection
Official_Remote_Sensing_Mamba -> RS-Mamba for Large Remote Sensing Image Dense Prediction
ChangeMamba -> Remote Sensing Change Detection with Spatio-Temporal State Space Model
ClearSCD -> Comprehensively leveraging semantics and change relationships for semantic change detection in high spatial resolution remote sensing imagery
RSCaMa -> Remote Sensing Image Change Captioning with State Space Model
ChangeBind -> A Hybrid Change Encoder for Remote Sensing Change Detection
OctaveNet -> An efficient multi-scale pseudo-siamese network for change detection in remote sensing images
MaskCD -> A Remote Sensing Change Detection Network Based on Mask Classification
I3PE -> Exchange means change: an unsupervised single-temporal change detection framework based on intra- and inter-image patch exchange
BDANet -> Multiscale Convolutional Neural Network with Cross-directional Attention for Building Damage Assessment from Satellite Images
BAN -> A New Learning Paradigm for Foundation Model-based Remote Sensing Change Detection
ubdd -> Learning Efficient Unsupervised Satellite Image-based Building Damage Detection, uses xView2
SGSLN -> Exchanging Dual-Encoder–Decoder: A New Strategy for Change Detection With Semantic Guidance and Spatial Localization
ChangeViT -> Unleashing Plain Vision Transformers for Change Detection
pytorch-change-models -> out-of-box contemporary spatiotemporal change model implementations, standard metrics, and datasets
#
Prediction of the next image in a series.
The analysis of time series observations in remote sensing data has numerous applications, including enhancing the accuracy of classification models and forecasting future patterns and events. Image source. Note: since classifying crops and predicting crop yield are such prominent use case for time series data, these tasks have dedicated sections after this one.
LANDSAT Time Series Analysis for Multi-temporal Land Cover Classification using Random Forest
temporalCNN -> Temporal Convolutional Neural Network for the Classification of Satellite Image Time Series
pytorch-psetae -> Satellite Image Time Series Classification with Pixel-Set Encoders and Temporal Self-Attention
satflow -> optical flow models for predicting future satellite images from current and past ones
esa-superresolution-forecasting -> Forecasting air pollution using ESA Sentinel-5p data, and an encoder-decoder convolutional LSTM neural network architecture
lightweight-temporal-attention-pytorch -> Light Temporal Attention Encoder (L-TAE) for satellite image time series
dtwSat -> Time-Weighted Dynamic Time Warping for satellite image time series analysis
MTLCC -> Multitemporal Land Cover Classification Network. A recurrent neural network approach to encode multi-temporal data for land cover classification
PWWB -> Real-Time Spatiotemporal Air Pollution Prediction with Deep Convolutional LSTM through Satellite Image Analysis
spaceweather -> predicting geomagnetic storms from satellite measurements of the solar wind and solar corona, uses LSTMs
Forest_wildfire_spreading_convLSTM -> Modeling of the spreading of forest wildfire using a neural network with ConvLSTM cells. Prediction 3-days forward
ConvTimeLSTM -> Extension of ConvLSTM and Time-LSTM for irregularly spaced images, appropriate for Remote Sensing
dl-time-series -> Deep Learning algorithms applied to characterization of Remote Sensing time-series
tpe -> Generalized Classification of Satellite Image Time Series With Thermal Positional Encoding
wildfire_forecasting -> Deep Learning Methods for Daily Wildfire Danger Forecasting. Uses ConvLSTM
satellite_image_forecasting -> predict future satellite images from past ones using features such as precipitation and elevation maps. Entry for the EarthNet2021 challenge
Deep Learning for Cloud Gap-Filling on Normalized Difference Vegetation Index using Sentinel Time-Series -> A CNN-RNN based model that identifies correlations between optical and SAR data and exports dense Normalized Difference Vegetation Index (NDVI) time-series of a static 6-day time resolution and can be used for Events Detection tasks
DeepSatModels -> ViTs for SITS: Vision Transformers for Satellite Image Time Series
Presto -> Lightweight, Pre-trained Transformers for Remote Sensing Timeseries
LULC mapping using time series data & spectral bands -> uses 1D convolutions that learn from time-series data. Accompanies blog post: Time-Traveling Pixels: A Journey into Land Use Modeling
hurricane-net -> A deep learning framework for forecasting Atlantic hurricane trajectory and intensity.
CAPES -> Construction changes are detected using the U-net model and satellite time series
Exchanger4SITS -> Rethinking the Encoding of Satellite Image Time Series
Rapid Wildfire Hotspot Detection Using Self-Supervised Learning on Temporal Remote Sensing Data
stenn-pytorch -> A Spatio-temporal Encoding Neural Network for Semantic Segmentation of Satellite Image Time Series
#
(left) false colour image and (right) the crop map.
Crop classification in remote sensing is the identification and mapping of different crops in images or sequences of images. It aims to provide insight into the distribution and composition of crops in a specific area, with applications that include monitoring crop growth and evaluating crop damage. Both traditional machine learning methods, such as decision trees and support vector machines, and deep learning techniques, such as convolutional neural networks (CNNs), can be used to perform crop classification. The optimal method depends on the size and complexity of the dataset, the desired accuracy, and the available computational resources. However, the success of crop classification relies heavily on the quality and resolution of the input data, as well as the availability of labeled training data. Image source: High resolution satellite imaging sensors for precision agriculture by Chenghai Yang
Classification of Crop Fields through Satellite Image Time Series -> using a pytorch-psetae & Sentinel-2 data
CropDetectionDL -> using GRU-net, First place solution for Crop Detection from Satellite Imagery competition organized by CV4A workshop at ICLR 2020
Radiant-Earth-Spot-the-Crop-Challenge -> The main objective of this challenge was to use time-series of Sentinel-2 multi-spectral data to classify crops in the Western Cape of South Africa. The challenge was to build a machine learning model to predict crop type classes for the test dataset
Crop-Classification -> crop classification using multi temporal satellite images
DeepCropMapping -> A multi-temporal deep learning approach with improved spatial generalizability for dynamic corn and soybean mapping, uses LSTM
CropMappingInterpretation -> An interpretation pipeline towards understanding multi-temporal deep learning approaches for crop mapping
timematch -> A method to perform unsupervised cross-region adaptation of crop classifiers trained with satellite image time series. We also introduce an open-access dataset for cross-region adaptation with SITS from four different regions in Europe
elects -> End-to-End Learned Early Classification of Time Series for In-Season Crop Type Mapping
3d-fpn-and-time-domain -> Sentinel 2 Time Series Analysis with 3D Feature Pyramid Network and Time Domain Class Activation Intervals for Crop Mapping
in-season-and-dynamic-crop-mapping -> In-season and dynamic crop mapping using 3D convolution neural networks and sentinel-2 time series, uses the Lombardy crop dataset
MultiviewCropClassification -> A COMPARATIVE ASSESSMENT OF MULTI-VIEW FUSION LEARNING FOR CROP CLASSIFICATION
Detection of manure application on crop fields leveraging satellite data and Machine Learning
StressNet: A spatial-spectral-temporal deformable attention-based framework for water stress classification in maize -> Water Stress Classification on Multispectral data of Maize captured by UAV
XAI4EO -> Towards Explainable AI4EO: an explainable DL approach for crop type mapping using SITS
#
Wheat yield data. Blue vertical lines denote observation dates.
Crop yield is a crucial metric in agriculture, as it determines the productivity and profitability of a farm. It is defined as the amount of crops produced per unit area of land and is influenced by a range of factors including soil fertility, weather conditions, the type of crop grown, and pest and disease control. By utilizing time series of satellite images, it is possible to perform accurate crop type classification and take advantage of the seasonal variations specific to certain crops. This information can be used to optimize crop management practices and ultimately improve crop yield. However, to achieve accurate results, it is essential to consider the quality and resolution of the input data, as well as the availability of labeled training data. Appropriate pre-processing and feature extraction techniques must also be employed. Image source.
Crop yield Prediction with Deep Learning -> Deep Gaussian Process for Crop Yield Prediction Based on Remote Sensing Data
Crop-Yield-Prediction-using-ML -> A simple Web application developed in order to provide the farmers/users an approximation on how much amount of crop yield will be produced depending upon the given input
Building a Crop Yield Prediction App in Senegal Using Satellite Imagery and Jupyter Voila
Deep transfer learning techniques for crop yield prediction, published in COMPASS 2018
Advanced Deep Learning Techniques for Predicting Maize Crop Yield using Sentinel-2 Satellite Imagery
pycrop-yield-prediction -> Deep Gaussian Process for Crop Yield Prediction
PredictYield -> using data scraped from Google Earth Engine, this predicts the yield of Corn, Soybean, and Wheat in the USA with Keras
Crop-Yield-Prediction-and-Estimation-using-Time-series-remote-sensing-data
SPACY -> Satellite Prediction of Aggregate Corn Yield
cropyieldArticle -> Scalable Crop Yield Prediction with Sentinel-2 Time Series and Temporal Convolutional Network
CNN-RNN-Yield-Prediction ->A CNN-RNN Framework for Crop Yield Prediction
Yield-Prediction-DNN -> Crop Yield Prediction Using Deep Neural Networks
MMST-ViT -> MMST-ViT: Climate Change-aware Crop Yield Prediction via Multi-Modal Spatial-Temporal Vision Transformer. This paper utilizes the Tiny CropNet dataset
Greenearthnet -> Multi-modal learning for geospatial vegetation forecasting
crop-forecasting -> Predicting rice field yields
SICKLE -> A Multi-Sensor Satellite Imagery Dataset Annotated with Multiple Key Cropping Parameters. Basline solutions: U-TAE, U-Net3D and ConvLSTM
yieldCNN -> Training temporal Convolution Neural Networks (CNNs) on satellite image time series for yield forecasting
#
COVID-19 impacts on human and economic activities.
The traditional approach of collecting economic data through ground surveys is a time-consuming and resource-intensive process. However, advancements in satellite technology and machine learning offer an alternative solution. By utilizing satellite imagery and applying machine learning algorithms, it is possible to obtain accurate and current information on economic activity with greater efficiency. This shift towards satellite imagery-based forecasting not only provides cost savings but also offers a wider and more comprehensive perspective of economic activity. As a result, it is poised to become a valuable asset for both policymakers and businesses. Image source.
Using publicly available satellite imagery and deep learning to understand economic well-being in Africa, Nature Comms 22 May 2020 -> Used CNN on Ladsat imagery (night & day) to predict asset wealth of African villages
satellite_led_liverpool -> Remote Sensing-Based Measurement of Living Environment Deprivation - Improving Classical Approaches with Machine Learning
Predicting_Energy_Consumption_With_Convolutional_Neural_Networks
SustainBench -> Benchmarks for Monitoring the Sustainable Development Goals with Machine Learning
Measuring the Impacts of Poverty Alleviation Programs with Satellite Imagery and Deep Learning
Building a Spatial Model to Classify Global Urbanity Levels -> estimage global urbanity levels from population data, nightime lights and road networks
deeppop -> Deep Learning Approach for Population Estimation from Satellite Imagery, also on Github
Estimating telecoms demand in areas of poor data availability
satimage -> Code and models for the manuscript "Predicting Poverty and Developmental Statistics from Satellite Images using Multi-task Deep Learning". Predict the main material of a roof, source of lighting and source of drinking water for properties, from satellite imagery
africa_poverty -> Using publicly available satellite imagery and deep learning to understand economic well-being in Africa
Predicting-Poverty -> Combining satellite imagery and machine learning to predict poverty, in PyTorch
income-prediction -> Predicting average yearly income based on satellite imagery using CNNs, uses pytorch
urban_score -> Learning to score economic development from satellite imagery
READ -> Lightweight and robust representation of economic scales from satellite imagery
Slum-classification -> Binary classification on a very high-resolution satellite image in case of mapping informal settlements using unet
Predicting_Poverty -> uses daytime & luminosity of nighttime satellite images
Cancer-Prevalence-Satellite-Images -> Predict Health Outcomes from Features of Satellite Images
Mapping Poverty in Bangladesh with Satellite Images and Deep Learning -> combines health data with OpenStreetMaps Data & night and daytime satellite imagery
Deep_Learning_Satellite_Imd -> Using Deep Learning on Satellite Imagery to predict population and economic indicators
#
Detecting buildings destroyed in a disaster.
Remote sensing images are used in disaster response to identify and assess damage to an area. This imagery can be used to detect buildings that are damaged or destroyed, identify roads and road networks that are blocked, determine the size and shape of a disaster area, and identify areas that are at risk of flooding. Remote sensing images can also be used to detect and monitor the spread of forest fires and monitor vegetation health. Also checkout the sections on change detection and water/fire/building segmentation. Image source.
DisaVu -> combines building & damage detection and provides an app for viewing predictions
Soteria -> uses machine learning with satellite imagery to map natural disaster impacts for faster emergency response
DisasterHack -> Wildfire Mitigation: Computer Vision Identification of Hazard Fuels Using Landsat
forestcasting -> Forest fire prediction powered by analytics
Machine Learning-based Damage Assessment for Disaster Relief on Google AI blog -> uses object detection to locate buildings, then a classifier to determine if a building is damaged. Challenge of generalising due to small dataset
hurricane_damage -> Post-hurricane structure damage assessment based on aerial imagery with CNN
rescue -> code of the paper: Attention to fires: multi-channel deep-learning models forwildfire severity prediction
-. Disaster-Classification -> A disaster classification model to predict the type of disaster given an input image
Coarse-to-fine weakly supervised learning method for green plastic cover segmentation
BDD-Net -> A General Protocol for Mapping Buildings Damaged by a Wide Range of Disasters Based on Satellite Imagery
building-segmentation-disaster-resilience -> 2nd place solution in the Open Cities AI Challenge: Segmenting Buildings for Disaster Resilience
IBM-Disaster-Response-Hack -> identifying optimal terrestrial routes through calamity-stricken areas. Satellite image data informs road condition assessment and obstruction detection
Automatic Damage Annotation on Post-Hurricane Satellite Imagery -> detect damaged buildings using tensorflow object detection API. With repos here and here
Hurricane-Damage-Detection -> Waterloo's Hack the North 2020++ submission. A convolutional neural network model used to detect hurricane damage in RGB satellite images
wildfire_forecasting -> Deep Learning Methods for Daily Wildfire Danger Forecasting. Uses ConvLSTM
shackleton -> leverages remote sensing imagery and machine learning techniques to provide insights into various transportation and evacuation scenarios in an interactive dashboard that conducts real-time computation
ai-vegetation-fuel -> Predicting Fuel Load from earth observation data using Machine Learning, using LightGBM & CatBoost
AI Helps Detect Disaster Damage From Satellite Imagery -> NVIDIA blog post
Turkey-Earthquake-2023-Building-Change-Detection -> The repository contains building footprints derived from Maxar open data imagery and change detection results by blackshark-ai
MS4D-Net-Building-Damage-Assessment -> MS4D-Net: Multitask-Based Semi-Supervised Semantic Segmentation Framework with Perturbed Dual Mean Teachers for Building Damage Assessment from High-Resolution Remote Sensing Imagery
DAHiTra -> Large-scale Building Damage Assessment using a Novel Hierarchical Transformer Architecture on Satellite Images. Uses xView2 xBD dataset
skai -> a machine learning based tool from Goolge for performing automatic building damage assessments on aerial imagery of disaster sites.
building-damage-assessment -> A toolkit that enables building damage assessments from remotely sensed imagery
building-damage-assessment-cnn-siamese -> from the Microsoft Ai for Good lab
#
Super resolution using multiple low resolution images as input.
Super-resolution is a technique aimed at improving the resolution of an imaging system. This process can be applied prior to other image processing steps to increase the visibility of small objects or boundaries. Despite its potential benefits, the use of super-resolution is controversial due to the possibility of introducing artifacts that could be mistaken for real features. Super-resolution techniques are broadly categorized into two groups: single image super-resolution (SISR) and multi-image super-resolution (MISR). SISR focuses on enhancing the resolution of a single image, while MISR utilizes multiple images of the same scene to create a high-resolution output. Each approach has its own advantages and limitations, and the choice of method depends on the specific application and desired outcome. Image source.
Note that nearly all the MISR publications resulted from the PROBA-V Super Resolution competition
deepsum -> Deep neural network for Super-resolution of Unregistered Multitemporal images (ESA PROBA-V challenge)
3DWDSRNet -> Satellite Image Multi-Frame Super Resolution (MISR) Using 3D Wide-Activation Neural Networks
RAMS -> Multi-Image Super Resolution of Remotely Sensed Images Using Residual Attention Deep Neural Networks
TR-MISR -> Transformer-based MISR framework for the the PROBA-V super-resolution challenge. With paper
HighRes-net -> Pytorch implementation of HighRes-net, a neural network for multi-frame super-resolution, trained and tested on the European Space Agency’s Kelvin competition
ProbaVref -> Repurposing the Proba-V challenge for reference-aware super resolution
The missing ingredient in deep multi-temporal satellite image super-resolution -> Permutation invariance harnesses the power of ensembles in a single model, with repo piunet
MSTT-STVSR -> Space-time Super-resolution for Satellite Video: A Joint Framework Based on Multi-Scale Spatial-Temporal Transformer, JAG, 2022
Self-Supervised Super-Resolution for Multi-Exposure Push-Frame Satellites
DDRN -> Deep Distillation Recursive Network for Video Satellite Imagery Super-Resolution
-worldstrat -> SISR and MISR implementations of SRCNN
MISR-GRU -> Pytorch implementation of MISR-GRU, a deep neural network for multi image super-resolution (MISR), for ProbaV Super Resolution Competition
MSDTGP -> Satellite Video Super-Resolution via Multiscale Deformable Convolution Alignment and Temporal Grouping Projection
proba-v-super-resolution-challenge -> Solution to ESA's satellite imagery super resolution challenge
PROBA-V-Super-Resolution -> solution using a custom deep learning architecture
satlas-super-resolution -> Satlas Super Resolution: model is an adaptation of ESRGAN, with changes that allow the input to be a time series of Sentinel-2 images.
MISR Remote Sensing SRGAN -> PyTorch SRGAN for RGB Remote Sensing imagery, performing both SISR and MISR. MISR implementation inspired by RecursiveNet (HighResNet). Includes pretrained Checkpoints.
MISR-S2 -> Cross-sensor super-resolution of irregularly sampled Sentinel-2 time series
Swin2-MoSE -> Swin2-MoSE: A New Single Image Super-Resolution Model for Remote Sensing
sentinel2_superresolution -> Super-resolution of 10 Sentinel-2 bands to 5-meter resolution, starting from L1C or L2A (Theia format) products. Trained on Sen2Venµs
Random Forest Super-Resolution (RFSR repo) including sample data
Enhancing Sentinel 2 images by combining Deep Image Prior and Decrappify. Repo for deep-image-prior and article on decrappify
Image Super-Resolution using an Efficient Sub-Pixel CNN -> the keras docs have a great tutorial on this light weight but well performing model
super-resolution-using-gan -> Super-Resolution of Sentinel-2 Using Generative Adversarial Networks
Super-resolution of Multispectral Satellite Images Using Convolutional Neural Networks
Multi-temporal Super-Resolution on Sentinel-2 Imagery using HighRes-Net, repo
SSPSR-Pytorch -> A spatial-spectral prior deep network for single hyperspectral image super-resolution
Sentinel-2 Super-Resolution: High Resolution For All (Bands)
CinCGAN -> Unsupervised Image Super-Resolution using Cycle-in-Cycle Generative Adversarial Networks
EEGAN -> Edge Enhanced GAN For Remote Sensing Image Super-Resolution, TensorFlow 1.1
PECNN -> A Progressively Enhanced Network for Video Satellite Imagery Super-Resolution, minimal documentation
hs-sr-tvtv -> Enhanced Hyperspectral Image Super-Resolution via RGB Fusion and TV-TV Minimization
sr4rs -> Super resolution for remote sensing, with pre-trained model for Sentinel-2, SRGAN-inspired
Restoring old aerial images with Deep Learning -> Medium article on Super Resolution with Perceptual Loss function and real images as input
RFSR_TGRS -> Hyperspectral Image Super-Resolution via Recurrent Feedback Embedding and Spatial-Spectral Consistency Regularization
SEN2VENµS -> a dataset for the training of Sentinel-2 super-resolution algorithms. With paper
TransENet -> Transformer-based Multi-Stage Enhancement for Remote Sensing Image Super-Resolution
finetune_ESRGAN -> finetune the ESRGAN super resolution generator for remote sensing images and video
MIP -> Unsupervised Remote Sensing Super-Resolution via Migration Image Prior
Optical-RemoteSensing-Image-Resolution -> Deep Memory Connected Neural Network for Optical Remote Sensing Image Restoration. Two applications: Gaussian image denoising and single image super-resolution
HSENet -> Hybrid-Scale Self-Similarity Exploitation for Remote Sensing Image Super-Resolution
SR_RemoteSensing -> Super-Resolution deep learning models for remote sensing data based on BasicSR
RSI-Net -> A Deep Multi-task Convolutional Neural Network for Remote Sensing Image Super-resolution and Colorization
EDSR-Super-Resolution -> EDSR model using PyTorch applied to satellite imagery
CycleCNN -> Nonpairwise-Trained Cycle Convolutional Neural Network for Single Remote Sensing Image Super-Resolution
SISR with with Real-World Degradation Modeling -> Single-Image Super Resolution of Remote Sensing Images with Real-World Degradation Modeling
pixel-smasher -> Super-Resolution Surface Water Mapping on the Canadian Shield Using Planet CubeSat Images and a Generative Adversarial Network
satellite-image-super-resolution -> A Comparative Study on CNN-Based Single-Image Super-Resolution Techniques for Satellite Images
SatelliteSR -> comparison of a number of techniques on the DOTA dataset
Image-Super-Resolution -> Super resolution RESNET network
Unsupervised Super Resolution for Sentinel-2 satellite imagery -> using Deep Image Prior (DIP), Zero-Shot Super Resolution (ΖSSR) & Degradation-Aware Super Resolution (DASR)
Spectral Super-Resolution of Satellite Imagery with Generative Adversarial Networks
Super resolution using GAN / 4x Improvement -> applied to Sentinel 2
rs-esrgan -> RS-ESRGAN: Super-Resolution of Sentinel-2 Imagery Using Generative Adversarial Networks
TS-RSGAN -> Super-Resolution of Remote Sensing Images for ×4 Resolution without Reference Images. Applied to Sentinel-2
CDCR -> Combining Discrete and Continuous Representation: Scale-Arbitrary Super-Resolution for Satellite Images
FunSR -> cContinuous Remote Sensing Image Super-Resolution based on Context Interaction in Implicit Function Space
HAUNet_RSISR -> Hybrid Attention-Based U-Shaped Network for Remote Sensing Image Super-Resolution
L1BSR -> Exploiting Detector Overlap for Self-Supervised SISR of Sentinel-2 L1B Imagery
Deep-Harmonization -> Deep Learning-based Harmonization and Super-Resolution of Landsat-8 and Sentinel-2 images
SGDM -> Semantic Guided Large Scale Factor Remote Sensing Image Super-resolution with Generative Diffusion Prior
The value of super resolution — real world use case -> Medium article on parcel boundary detection with super-resolved satellite imagery
Super-Resolution on Satellite Imagery using Deep Learning -> Nov 2016 blog post by CosmiQ Works with a nice introduction to the topic. Proposes and demonstrates a new architecture with perturbation layers with practical guidance on the methodology and code. Three part series
Awesome-Super-Resolution -> another 'awesome' repo, getting a little out of date now
Super-Resolution (python) Utilities for managing large satellite images
pytorch-enhance -> Library of Image Super-Resolution Models, Datasets, and Metrics for Benchmarking or Pretrained Use. Also checkout this implementation in Jax
AI-based Super resolution and change detection to enforce Sentinel-2 systematic usage -> Worldview-2 images (2m) were used to create a reference dataset and increase the spatial resolution of the Copernicus sensor from 10m to 5m
SRCDNet -> Super-resolution-based Change Detection Network with Stacked Attention Module for Images with Different Resolutions. SRCDNet is designed to learn and predict change maps from bi-temporal images with different resolutions
Model-Guided Deep Hyperspectral Image Super-resolution -> code accompanying the paper: Model-Guided Deep Hyperspectral Image Super-Resolution
Super-resolving beyond satellite hardware -> paper assessing SR performance in reconstructing realistically degraded satellite images
satellite-pixel-synthesis-pytorch -> PyTorch implementation of NeurIPS 2021 paper: Spatial-Temporal Super-Resolution of Satellite Imagery via Conditional Pixel Synthesis
SRE-HAN -> Squeeze-and-Residual-Excitation Holistic Attention Network improves super-resolution (SR) on remote-sensing imagery compared to other state-of-the-art attention-based SR models
satsr -> A project to perform super-resolution on multispectral images from any satellite, including Sentinel 2, Landsat 8, VIIRS &MODIS
OLI2MSI -> dataset for remote sensing imagery super-resolution composed of Landsat8-OLI and Sentinel2-MSI images
MMSR -> Learning Mutual Modulation for Self-Supervised Cross-Modal Super-Resolution
HSRnet -> Hyperspectral Image Super-resolution via Deep Spatio-spectral Attention Convolutional Neural Networks
RRSGAN -> RRSGAN: Reference-Based Super-Resolution for Remote Sensing Image
HDR-DSP-SR -> Self-supervised multi-image super-resolution for push-frame satellite images
GAN-HSI-SR -> Hyperspectral Image Super-Resolution by Band Attention Through Adversarial Learning
Restoring old aerial images with Deep Learning -> Medium article Super Resolution with Perceptual Loss function and real images as input
#
Pansharpening example with a resolution difference of factor 4.
Pansharpening is a data fusion method that merges the high spatial detail from a high-resolution panchromatic image with the rich spectral information from a lower-resolution multispectral image. The result is a single, high-resolution color image that retains both the sharpness of the panchromatic band and the color information of the multispectral bands. This process enhances the spatial resolution while preserving the spectral qualities of the original images. Image source
Several algorithms described in the ArcGIS docs, with the simplest being taking the mean of the pan and RGB pixel value.
PGCU -> Probability-based Global Cross-modal Upsampling for Pansharpening
rio-pansharpen -> pansharpening Landsat scenes
Working-For-Pansharpening -> long list of pansharpening methods and update of Awesome-Pansharpening
PSGAN -> A Generative Adversarial Network for Remote Sensing Image Pan-sharpening
PBR_filter -> Pansharpening by Background Removal algorithm for sharpening RGB images
py_pansharpening -> multiple algorithms implemented in python
Deep-Learning-PanSharpening -> deep-learning based pan-sharpening code package, we reimplemented include PNN, MSDCNN, PanNet, TFNet, SRPPNN, and our purposed network DIPNet
HyperTransformer -> A Textural and Spectral Feature Fusion Transformer for Pansharpening
DIP-HyperKite -> Hyperspectral Pansharpening Based on Improved Deep Image Prior and Residual Reconstruction
D2TNet -> A ConvLSTM Network with Dual-direction Transfer for Pan-sharpening
PanColorGAN-VHR-Satellite-Images -> Rethinking CNN-Based Pansharpening: Guided Colorization of Panchromatic Images via GANs
MTL_PAN_SEG -> Multi-task deep learning for satellite image pansharpening and segmentation
Z-PNN -> Pansharpening by convolutional neural networks in the full resolution framework
GTP-PNet -> GTP-PNet: A residual learning network based on gradient transformation prior for pansharpening
UDL -> Dynamic Cross Feature Fusion for Remote Sensing Pansharpening
PSData -> A Large-Scale General Pan-sharpening DataSet, which contains PSData3 (QB, GF-2, WV-3) and PSData4 (QB, GF-1, GF-2, WV-2).
AFPN -> Adaptive Detail Injection-Based Feature Pyramid Network For Pan-sharpening
pan-sharpening -> multiple methods demonstrated for multispectral and panchromatic images
PSGan-Family -> PSGAN: A Generative Adversarial Network for Remote Sensing Image Pan-Sharpening
PanNet-Landsat -> A Deep Network Architecture for Pan-Sharpening
DLPan-Toolbox -> Machine Learning in Pansharpening: A Benchmark, from Shallow to Deep Networks
LPPN -> Laplacian pyramid networks: A new approach for multispectral pansharpening
S2_SSC_CNN -> Zero-shot Sentinel-2 Sharpening Using A Symmetric Skipped Connection Convolutional Neural Network
S2S_UCNN -> Sentinel 2 sharpening using a single unsupervised convolutional neural network with MTF-Based degradation model
SSE-Net -> Spatial and Spectral Extraction Network With Adaptive Feature Fusion for Pansharpening
UCGAN -> Unsupervised Cycle-consistent Generative Adversarial Networks for Pan-sharpening
GCPNet -> When Pansharpening Meets Graph Convolution Network and Knowledge Distillation
PanFormer -> PanFormer: a Transformer Based Model for Pan-sharpening
Pansharpening -> Pansformers: Transformer-Based Self-Attention Network for Pansharpening
#
(left) Sentinel-1 SAR input, (middle) translated to RGB and (right) Sentinel-2 true RGB image for comparison.
Image-to-image translation is a crucial aspect of computer vision that utilizes machine learning models to transform an input image into a new, distinct output image. In the field of remote sensing, it plays a significant role in bridging the gap between different imaging domains, such as converting Synthetic Aperture Radar (SAR) images into RGB (Red Green Blue) images. This technology has a wide range of applications, including improving image quality, filling in missing information, and facilitating cross-domain image analysis and comparison. By leveraging deep learning algorithms, image-to-image translation has become a powerful tool in the arsenal of remote sensing researchers and practitioners. Image source
How to Develop a Pix2Pix GAN for Image-to-Image Translation -> how to develop a Pix2Pix model for translating satellite photographs to Google map images. A good intro to GANS
A growing problem of ‘deepfake geography’: How AI falsifies satellite images
Kaggle Pix2Pix Maps -> dataset for pix2pix to take a google map satellite photo and build a street map
guided-deep-decoder -> With guided deep decoder, you can solve different image pair fusion problems, allowing super-resolution, pansharpening or denoising
hackathon-ci-2020 -> generate nighttime imagery from infrared observations
satellite-to-satellite-translation -> VAE-GAN architecture for unsupervised image-to-image translation with shared spectral reconstruction loss. Model is trained on GOES-16/17 and Himawari-8 L1B data
Pytorch implementation of UNet for converting aerial satellite images into google maps kinda images
Seamless-Satellite-image-Synthesis -> generate abitrarily large RGB images from a map
How to Develop a Pix2Pix GAN for Image-to-Image Translation -> article on machinelearningmastery.com
Satellite-Imagery-to-Map-Translation-using-Pix2Pix-GAN-framework
RSIT_SRM_ISD -> PyTorch implementation of Remote sensing image translation via style-based recalibration module and improved style discriminator
pix2pix_google_maps -> Converts satellite images to map images using pix2pix models
sar2color-igarss2018-chainer -> Image Translation Between Sar and Optical Imagery with Generative Adversarial Nets
HSI2RGB -> Create realistic looking RGB images using remote sensing hyperspectral images
sat_to_map -> Learning mappings to generate city maps images from corresponding satellite images
pix2pix-GANs -> Generate Map using Satellite Image & PyTorch
map-sat -> Generate Your Own Scotland: Satellite Image Generation Conditioned on Maps
#
Illustration of a fusion workflow.
Data fusion is a technique for combining information from different sources such as Synthetic Aperture Radar (SAR), optical imagery, and non-imagery data such as Internet of Things (IoT) sensor data. The integration of diverse data sources enables data fusion to overcome the limitations of individual sources, leading to the creation of models that are more accurate and informative than those constructed from a single source. Image source
UDALN_GRSL -> Deep Unsupervised Blind Hyperspectral and Multispectral Data Fusion
CropTypeMapping -> Crop type mapping from optical and radar (Sentinel-1&2) time series using attention-based deep learning
Multimodal-Remote-Sensing-Toolkit -> uses Hyperspectral and LiDAR Data
Aerial-Template-Matching -> development of an algorithm for template Matching on aerial imagery applied to UAV dataset
DS_UNet -> Sentinel-1 and Sentinel-2 Data Fusion for Urban Change Detection using a Dual Stream U-Net, uses Onera Satellite Change Detection dataset
DDA_UrbanExtraction -> Unsupervised Domain Adaptation for Global Urban Extraction using Sentinel-1 and Sentinel-2 Data
swinstfm -> Remote Sensing Spatiotemporal Fusion using Swin Transformer
LoveCS -> Cross-sensor domain adaptation for high-spatial resolution urban land-cover mapping: from airborne to spaceborne imagery
comingdowntoearth -> Implementation of 'Coming Down to Earth: Satellite-to-Street View Synthesis for Geo-Localization'
MapRepair -> Deep Cadastre Maps Alignment and Temporal Inconsistencies Fix in Satellite Images
Compressive-Sensing-and-Deep-Learning-Framework -> Compressive Sensing is used as an initial guess to combine data from multiple sources, with LSTM used to refine the result
DeepSim -> DeepSIM: GPS Spoofing Detection on UAVs using Satellite Imagery Matching
MHF-net -> Multispectral and Hyperspectral Image Fusion by MS/HS Fusion Net
Remote_Sensing_Image_Fusion -> Semi-Supervised Remote Sensing Image Fusion Using Multi-Scale Conditional Generative Adversarial network with Siamese Structure
CNNs for Multi-Source Remote Sensing Data Fusion -> Single-stream CNN with Learnable Architecture for Multi-source Remote Sensing Data
Deep Generative Reflectance Fusion -> Achieving Landsat-like reflectance at any date by fusing Landsat and MODIS surface reflectance with deep generative models
IEEE_TGRS_MDL-RS -> More Diverse Means Better: Multimodal Deep Learning Meets Remote-Sensing Imagery Classification
SSRNET -> SSR-NET: Spatial-Spectral Reconstruction Network for Hyperspectral and Multispectral Image Fusion
cross-view-image-matching -> Bridging the Domain Gap for Ground-to-Aerial Image Matching
CoF-MSMG-PCNN -> Remote Sensing Image Fusion via Boundary Measured Dual-Channel PCNN in Multi-Scale Morphological Gradient Domain
robust_matching_network_on_remote_sensing_imagery_pytorch -> A Robust Matching Network for Gradually Estimating Geometric Transformation on Remote Sensing Imagery
edcstfn -> An Enhanced Deep Convolutional Model for Spatiotemporal Image Fusion
ganstfm -> A Flexible Reference-Insensitive Spatiotemporal Fusion Model for Remote Sensing Images Using Conditional Generative Adversarial Network
CMAFF -> Cross-Modality Attentive Feature Fusion for Object Detection in Multispectral Remote Sensing Imagery
SOLC -> MCANet: A joint semantic segmentation framework of optical and SAR images for land use classification. Uses WHU-OPT-SAR-dataset
MFT -> Multimodal Fusion Transformer for Remote Sensing Image Classification
ISPRS_S2FL -> Multimodal Remote Sensing Benchmark Datasets for Land Cover Classification with A Shared and Specific Feature Learning Model
HSHT-Satellite-Imagery-Synthesis -> Improving Flood Maps by Increasing the Temporal Resolution of Satellites Using Hybrid Sensor Fusion
MDC -> Unsupervised Data Fusion With Deeper Perspective: A Novel Multisensor Deep Clustering Algorithm
FusAtNet -> FusAtNet: Dual Attention based SpectroSpatial Multimodal Fusion Network for Hyperspectral and LiDAR Classification
AMM-FuseNet -> Attention-Based Multi-Modal Image Fusion Network for Land Cover Mapping
MANet -> MANet: A Network Architecture for Remote Sensing Spatiotemporal Fusion Based on Multiscale and Attention Mechanisms
DCSA-Net -> Dynamic Convolution Self-Attention Network for Land-Cover Classification in VHR Remote-Sensing Images
deforestation-from-data-fusion -> Fusing Sentinel-1 and Sentinel-2 images for deforestation detection in the Brazilian Amazon under diverse cloud conditions
sct-fusion -> Transformer-based Multi-Modal Learning for Multi Label Remote Sensing Image Classification
RSI-MMSegmentation -> GAMUS: A Geometry-aware Multi-modal Semantic Segmentation Benchmark for Remote Sensing Data
dfc2022-baseline -> baseline solution to the 2022 IEEE GRSS Data Fusion Contest (DFC2022) using TorchGeo, PyTorch Lightning, and Segmentation Models PyTorch to train a U-Net with a ResNet-18 backbone and a loss function of Focal + Dice loss to perform semantic segmentation on the DFC2022 dataset
multiviewRS-models -> List of multi-view fusion learning models proposed for remote sensing (RS) multi-view data
#
Example generated images using a GAN.
Generative networks (e.g. GANs) aim to generate new, synthetic data that appears similar to real-world data. This generated data can be used for a wide range of purposes, including data augmentation, data imbalance correction, and filling in missing or corrupted data. Including generating synthetic data can improve the performance of remote sensing algorithms and models, leading to more accurate and reliable results. Image source
Using Generative Adversarial Networks to Address Scarcity of Geospatial Training Data -> GAN perform better than CNN in segmenting land cover classes outside of the training dataset (article, no code)
Building-A-Nets -> robust building extraction from high-resolution remote sensing images with adversarial networks
GANmapper -> a building footprint generator using Generative Adversarial Networks
CSA-CDGAN -> Channel Self-Attention Based Generative Adversarial Network for Change Detection of Remote Sensing Images
DSGAN -> a conditinal GAN for dynamic precipitation downscaling
MarsGAN -> GAN trained on satellite photos of Mars
HC_ADGAN -> codes for the paper Adaptive Dropblock Enhanced GenerativeAdversarial Networks for Hyperspectral Image Classification
SCALAE -> Formatting the Landscape: Spatial conditional GAN for varying population in satellite imagery. Method to generate satellite imagery from custom 2D population maps
STGAN -> PyTorch Implementation of STGAN for Cloud Removal in Satellite Images
ds-gan-spatiotemporal-evaluation -> evaluating use of deep generative models in remote sensing applications
Remote-Sensing-Image-Generation -> Generate RS Images using Generative Adversarial Networks (GAN)
RoadDA -> Stagewise Unsupervised Domain Adaptation with Adversarial Self-Training for Road Segmentation of Remote Sensing Images
PSGan-Family -> A Generative Adversarial Network for Remote Sensing Image Pan-Sharpening
Satellite Image Augmetation with GANs -> Image Augmentation for Satellite Images
opt2sar-cyclegan -> Research on SAR image generation method based on non-homologous data
sentinel-cgan -> code for article: Generative adversarial networks in satellite image datasets augmentation
Shoreline_Extraction_GAN -> Shoreline extraction via generative adversarial networks, prediction via LSTMs
Landsat8-Sentinel2-Fusion -> Translating Landsat 8 to Sentinel-2 using a GAN
Seg2Sat -> Seg2Sat explores the potential of diffusion algorithms such as StableDiffusion and ControlNet to generate aerial images based on terrain segmentation data
SAR2Optical -> Transcoding Sentinel-1 SAR to Sentinel-2 using cGAN
#
Example of using an autoencoder to create a low dimensional representation of hyperspectral data.
Autoencoders are a type of neural network that aim to simplify the representation of input data by compressing it into a lower dimensional form. This is achieved through a two-step process of encoding and decoding, where the encoding step compresses the data into a lower dimensional representation, and the decoding step restores the data back to its original form. The goal of this process is to reduce the data's dimensionality, making it easier to store and process, while retaining the essential information. Dimensionality reduction, as the name suggests, refers to the process of reducing the number of dimensions in a dataset. This can be achieved through various techniques such as principal component analysis (PCA) or singular value decomposition (SVD). Autoencoders are one type of neural network that can be used for dimensionality reduction. In the field of computer vision, image embeddings are vector representations of images that capture the most important features of the image. These embeddings can then be used to perform similarity searches, where images are compared based on their features to find similar images. This process can be used in a variety of applications, such as image retrieval, where images are searched based on certain criteria like color, texture, or shape. It can also be used to identify duplicate images in a dataset. Image source
Autoencoders & their Application in Remote Sensing -> intro article and example use case applied to SAR data for land classification
LEt-SNE -> Dimensionality Reduction and visualization technique that compensates for the curse of dimensionality
AutoEncoders for Land Cover Classification of Hyperspectral Images -> An autoencoder nerual net is used to reduce 103 band data to 60 features (dimensionality reduction), keras. Also read part 2 which implements K-NNC, SVM and Gradient Boosting
Image-Similarity-Search -> an app that helps perform super fast image retrieval on PyTorch models for better embedding space interpretability
Interactive-TSNE -> a tool that provides a way to visually view a PyTorch model's feature representation for better embedding space interpretability
RoofNet -> identify roof age using historical satellite images to lower the customer acquisition cost for new solar installations. Uses a VAE: Variational Autoencoder
Visual search over billions of aerial and satellite images -> implemented at Descartes labs
parallax -> Tool for interactive embeddings visualization
Deep-Gapfill -> Official implementation of Optical image gap filling using deep convolutional autoencoder from optical and radar images
Mxnet repository for generating embeddings on satellite images -> Includes sampling of images, mining algorithms, different architectures, error functions, measures for evaluation.
Fine tuning CLIP with Remote Sensing (Satellite) images and captions -> fine tuning CLIP on the RSICD image captioning dataset, to enable querying large catalogues in natural language. With repo, uses 🤗
Image search with 🤗 datasets -> tutorial on fine tuning an image search model
GRN-SNDL -> model the relations between samples (or scenes) by making use of a graph structure which is fed into network learning
SauMoCo -> Deep Unsupervised Embedding for Remotely Sensed Images Based on Spatially Augmented Momentum Contrast
TGRS_RiDe -> Rotation Invariant Deep Embedding for RemoteSensing Images
RaVAEn -> RaVAEn is a lightweight, unsupervised approach for change detection in satellite data based on Variational Auto-Encoders (VAEs) with the specific purpose of on-board deployment
Reverse image search using deep discrete feature extraction and locality-sensitive hashing
SNCA_CE -> Deep Metric Learning based on Scalable Neighborhood Components for Remote Sensing Scene Characterization
LandslideDetection-from-satellite-imagery -> Using Attention and Autoencoder boosted CNN
split-brain-remote-sensing -> Analysis of Color Space Quantization in Split-Brain Autoencoder for Remote Sensing Image Classification
image-similarity-measures -> Implementation of eight evaluation metrics to access the similarity between two images. Blog post here
Large_Scale_GeoVisual_Search -> ResNet architecture on UC Merced Land Use Dataset with hamming distance for similarity based search
geobacter -> Generates useful feature embeddings for geospatial locations
Satellite-Image-Segmentation -> the KV-Net model uses this feature of autoencoders to reconnect the disconnected roads
Satellite-Image-Enhancement -> Image enhancement using GAN's and autoencoders
Variational-Autoencoder-For-Satellite-Imagery -> a special VAE to squeeze N images into one single representation with colors segmentating the different objects
DINCAE -> Data-Interpolating Convolutional Auto-Encoder is a neural network to reconstruct missing data in satellite observations
3D_SITS_Clustering -> Unsupervised Satellite Image Time Series Clustering Using Object-Based Approaches and 3D Convolutional Autoencoder
sat_cnn -> Estimating Generalized Measures of Local Neighbourhood Context from Multispectral Satellite Images Using a Convolutional Neural Network. Uses a convolutional autoencoder (CAE)
you-are-here -> You Are Here: Geolocation by Embedding Maps and Images
Tensorflow similarity -> offers state-of-the-art algorithms for metric learning and all the necessary components to research, train, evaluate, and serve similarity-based models
Train SimSiam on Satellite Images using lightly.ai to generate embeddings that can be used for data exploration and understanding
Airbus_SDC_dup -> Project focused on detecting duplicate regions of overlapping satellite imagery. Applied to Airbus ship detection dataset
scale-mae -> Scale-MAE: A Scale-Aware Masked Autoencoder for Multiscale Geospatial Representation Learning
Cross-Scale-MAE -> code for paper: Cross-Scale MAE: A Tale of Multiscale Exploitation in Remote Sensing
satclip -> A Global, General-Purpose Geographic Location Encoder from Microsoft
Astronaut Photography Localization & Iterative Coregistration
rs-cbir -> Satellite Image Vector Database and Multimodal Search using fine-tuned ResNet50 on AID dataset
TorchSpatial -> A Location Encoding Framework and Benchmark for Spatial Representation Learning
experimental-design-multichannel -> Task-based image channel selection e.g. select most informative hyperspectral wavelengths and perform a task. Paper.
#
Anomaly detection refers to the process of identifying unusual patterns or outliers in satellite or aerial images that do not conform to expected norms. This is crucial in applications such as environmental monitoring, defense surveillance, and urban planning. Machine learning algorithms, particularly unsupervised learning methods, are used to analyze vast amounts of remote sensing data efficiently. These algorithms learn the typical patterns and variations in the data, allowing them to flag anomalies such as unexpected land cover changes, illegal deforestation, or unusual maritime activities. The detection of these anomalies can provide valuable insights for timely decision-making and intervention in various fields.
marine-anomaly-detection -> Semantic segmentation of marine anomalies using semi-supervised learning (FixMatch for semantic segmentation) on Sentinel-2 multispectral images
TDD -> One-Step Detection Paradigm for Hyperspectral Anomaly Detection via Spectral Deviation Relationship Learning
anomaly-detection-in-SAR-imagery -> identify an unknown ship in docks using keras & retinanet
pub-ffi-gan -> Applying generative adversarial networks for anomaly detection in hyperspectral remote sensing imagery
How Airbus Detects Anomalies in ISS Telemetry Data Using TFX -> uses an autoencoder
AgriSen-COG -> a Multicountry, Multitemporal Large-Scale Sentinel-2 Benchmark Dataset for Crop Mapping: includes an anomaly detection preprocessing step
#
Illustration of the remote sensing image retrieval process.
Image retrieval is the task of retrieving images from a collection that are similar to a query image. Image retrieval plays a vital role in remote sensing by enabling the efficient and effective search for relevant images from large image archives, and by providing a way to quantify changes in the environment over time. Image source
Demo_AHCL_for_TGRS2022 -> Asymmetric Hash Code Learning (AHCL) for remote sensing image retrieval
GaLR -> Remote Sensing Cross-Modal Text-Image Retrieval Based on Global and Local Information
retrievalSystem -> cross-modal image retrieval system
AMFMN -> Exploring a Fine-grained Multiscale Method for Cross-modal Remote Sensing Image Retrieval
Active-Learning-for-Remote-Sensing-Image-Retrieval -> unofficial implementation of paper: A Novel Active Learning Method in Relevance Feedback for Content-Based Remote Sensing Image Retrieval
CMIR-NET -> A deep learning based model for cross-modal retrieval in remote sensing
Deep-Hash-learning-for-Remote-Sensing-Image-Retrieval -> Deep Hash Learning for Remote Sensing Image Retrieval
MHCLN -> Deep Metric and Hash-Code Learning for Content-Based Retrieval of Remote Sensing Images
HydroViet_VOR -> Object Retrieval in satellite images with Triplet Network
AMFMN -> Exploring a Fine-Grained Multiscale Method for Cross-Modal Remote Sensing Image Retrieval
remote-sensing-image-retrieval -> Multi-Spectral Remote Sensing Image Retrieval using Geospatial Foundation Models (IBM Prithvi)
CSMAE -> About Cross-Sensor Masked Autoencoder for Content Based Image Retrieval in Remote Sensing
#
Example captioned image.
Image Captioning is the task of automatically generating a textual description of an image. In remote sensing, image captioning can be used to automatically generate captions for satellite or aerial images, which can be useful for a variety of purposes, such as image search and retrieval, data cataloging, and data dissemination. The generated captions can provide valuable information about the content of the images, including the location, the type of terrain or objects present, and the weather conditions, among others. This information can be used to quickly and easily understand the content of the images, without having to manually examine each image. Image source
awesome-remote-image-captioning -> a list of awesome remote sensing image captioning resources
CapFormer -> Pure transformer for remote sensing image caption
remote_sensing_image_captioning -> Region Driven Remote Sensing Image Captioning
Remote Sensing Image Captioning with Transformer and Multilabel Classification
Siamese-spatial-Graph-Convolution-Network -> Siamese graph convolutional network for content based remote sensing image retrieval
MLAT -> Remote-Sensing Image Captioning Based on Multilayer Aggregated Transformer
WordSent -> Word–Sentence Framework for Remote Sensing Image Captioning
a-mask-guided-transformer-with-topic-token -> A Mask-Guided Transformer Network with Topic Token for Remote Sensing Image Captioning
Meta captioning -> A meta learning based remote sensing image captioning framework
Transformer-for-image-captioning -> a transformer for image captioning, trained on the UCM dataset
remote-sensing-image-caption -> image classification and image caption by PyTorch
Fine tuning CLIP with Remote Sensing (Satellite) images and captions -> fine tuning CLIP on the RSICD image captioning dataset, to enable querying large catalogues in natural language. With repo, uses 🤗. Also read Why and How to Fine-tune CLIP
#
Visual Question Answering (VQA) is the task of automatically answering a natural language question about an image. In remote sensing, VQA enables users to interact with the images and retrieve information using natural language questions. For example, a user could ask a VQA system questions such as "What is the type of land cover in this area?", "What is the dominant crop in this region?" or "What is the size of the city in this image?". The system would then analyze the image and generate an answer based on its understanding of the image content.
VQA-easy2hard -> From Easy to Hard: Learning Language-guided Curriculum for Visual Question Answering on Remote Sensing Data
lit4rsvqa -> LiT-4-RSVQA: Lightweight Transformer-based Visual Question Answering in Remote Sensing
Change-Agent -> Towards Interactive Comprehensive Remote Sensing Change Interpretation and Analysis
#
Mixed data learning is the process of learning from datasets that may contain an mix of images, textual and numeric data. Mixed data learning can help improve the accuracy of models by allowing them to learn from multiple sources at once and use more sophisticated methods to identify patterns and correlations.
Predicting the locations of traffic accidents with satellite imagery and convolutional neural networks -> Combining satellite imagery and structured data to predict the location of traffic accidents with a neural network of neural networks, with repo
Multi-Input Deep Neural Networks with PyTorch-Lightning - Combine Image and Tabular Data -> excellent intro article using pytorch, not actually applied to satellite data but to real estate data, with repo
Joint Learning from Earth Observation and OpenStreetMap Data to Get Faster Better Semantic Maps -> fusion based architectures and coarse-to-fine segmentation to include the OpenStreetMap layer into multispectral-based deep fully convolutional networks, arxiv paper
pytorch-widedeep -> A flexible package for multimodal-deep-learning to combine tabular data with text and images using Wide and Deep models in Pytorch
accidentRiskMap -> Inferring high-resolution traffic accident risk maps based on satellite imagery and GPS trajectories
Sub-meter resolution canopy height map by Meta -> Satellite Metadata combined with outputs from simple CNN to regress canopy height
methane-emission-project -> Classification CNNs was combined in an ensemble approach with traditional methods on tabular data
#
This is a class of techniques which attempt to make predictions for classes with few, one or even zero examples provided during training. In zero shot learning (ZSL) the model is assisted by the provision of auxiliary information which typically consists of descriptions/semantic attributes/word embeddings for both the seen and unseen classes at train time (ref). These approaches are particularly relevant to remote sensing, where there may be many examples of common classes, but few or even zero examples for other classes of interest.
Aerial-SAM -> Zero-Shot Refinement of Buildings’ Segmentation Models using SAM
FSODM -> Few-shot Object Detection on Remote Sensing Images
Few-Shot Classification of Aerial Scene Images via Meta-Learning -> 2020 publication, a classification model that can quickly adapt to unseen categories using only a few labeled samples
Papers about Few-shot Learning / Meta-Learning on Remote Sensing
SPNet -> Siamese-Prototype Network for Few-Shot Remote Sensing Image Scene Classification
MDL4OW -> Few-Shot Hyperspectral Image Classification With Unknown Classes Using Multitask Deep Learning
P-CNN -> Prototype-CNN for Few-Shot Object Detection in Remote Sensing Images
CIR-FSD-2022 -> Context Information Refinement for Few-Shot Object Detection in Remote Sensing Images
IEEE_TNNLS_Gia-CFSL -> Graph Information Aggregation Cross-Domain Few-Shot Learning for Hyperspectral Image Classification
TIP_2022_CMFSL -> Few-shot Learning with Class-Covariance Metric for Hyperspectral Image Classification
sen12ms-human-few-shot-classifier -> Humans are poor few-shot classifiers for Sentinel-2 land cover
S3Net -> S3Net: Spectral–Spatial Siamese Network for Few-Shot Hyperspectral Image Classification
SiameseNet-for-few-shot-Hyperspectral-Classification -> 3DCSN:SiameseNet-for-few-shot-Hyperspectral-Classification
MESSL -> Multiform Ensemble Self-Supervised Learning for Few-Shot Remote Sensing Scene Classification
SCCNet -> Self-Correlation and Cross-Correlation Learning for Few-Shot Remote Sensing Image Semantic Segmentation
OEM-Fewshot-Challenge -> OpenEarthMap Land Cover Mapping Few-Shot Challenge Generalized Few-shot Semantic Segmentation
meteor -> a small deep learning meta-model with a single output
SegLand -> Generalized Few-Shot Meets Remote Sensing: Discovering Novel Classes in Land Cover Mapping via Hybrid Semantic Segmentation Framework. 1st place in the OpenEarthMap Land Cover Mapping Few-Shot Challenge
#
Self-supervised, unsupervised & contrastive learning are all methods of machine learning that use unlabeled data to train algorithms. Self-supervised learning uses labeled data to create an artificial supervisor, while unsupervised learning uses only the data itself to identify patterns and similarities. Contrastive learning uses pairs of data points to learn representations of data, usually for classification tasks. Note that self-supervised approaches are commonly used in the training of so-called Foundational models, since they enable learning from large quantities of unlablleded data, tyipcally time series.
Seasonal Contrast: Unsupervised Pre-Training from Uncurated Remote Sensing Data -> Seasonal Contrast (SeCo) is an effective pipeline to leverage unlabeled data for in-domain pre-training of remote sensing representations. Models trained with SeCo achieve better performance than their ImageNet pre-trained counterparts and state-of-the-art self-supervised learning methods on multiple downstream tasks. paper and repo
Unsupervised Learning for Land Cover Classification in Satellite Imagery
Tile2Vec: Unsupervised representation learning for spatially distributed data
Contrastive Sensor Fusion -> Code implementing Contrastive Sensor Fusion, an approach for unsupervised learning of multi-sensor representations targeted at remote sensing imagery
hyperspectral-autoencoders -> Tools for training and using unsupervised autoencoders and supervised deep learning classifiers for hyperspectral data, built on tensorflow. Autoencoders are unsupervised neural networks that are useful for a range of applications such as unsupervised feature learning and dimensionality reduction.
MARTA GANs: Unsupervised Representation Learning for Remote Sensing Image Classification
A generalizable and accessible approach to machine learning with global satellite imagery nature publication -> MOSAIKS is designed to solve an unlimited number of tasks at planet-scale quickly using feature vectors, with repo. Also see mosaiks-api
contrastive-satellite -> Using contrastive learning to create embeddings from optical EuroSAT Satellite-2 imagery
Self-Supervised Learning of Remote Sensing Scene Representations Using Contrastive Multiview Coding
Self-Supervised-Learner by spaceml-org -> train a classifier with fewer labeled examples needed using self-supervised learning, example applied to UC Merced land use dataset
deepsentinel -> a sentinel-1 and -2 self-supervised sensor fusion model for general purpose semantic embedding
contrastive_SSL_ship_detection -> Contrastive self supervised learning for ship detection in Sentinel 2 images
geography-aware-ssl -> uses spatially aligned images over time to construct temporal positive pairs in contrastive learning and geo-location to design pre-text tasks
CNN-Supervised Classification -> Python code for self-supervised classification of remotely sensed imagery - part of the Deep Riverscapes project
clustimage -> a python package for unsupervised clustering of images
LandSurfaceClustering -> Land surface classification using remote sensing data with unsupervised machine learning (k-means)
K-Means Clustering for Surface Segmentation of Satellite Images
Sentinel-2 satellite imagery for crop classification using unsupervised clustering -> label groups of pixels based on temporal trends of their NDVI values
TheColorOutOfSpace -> The color out of space: learning self-supervised representations for Earth Observation imagery, using the BigEarthNet dataset
Semantic segmentation of SAR images using a self supervised technique
STEGO -> Unsupervised Semantic Segmentation by Distilling Feature Correspondences, with paper
Unsupervised Segmentation of Hyperspectral Remote Sensing Images with Superpixels
SoundingEarth -> Self-supervised Audiovisual Representation Learning for Remote Sensing Data, uses the SoundingEarth Dataset
singleSceneSemSegTgrs2022 -> Unsupervised Single-Scene Semantic Segmentation for Earth Observation
SSLRemoteSensing -> Semantic Segmentation of Remote Sensing Images With Self-Supervised Multitask Representation Learning
CBT -> Continual Barlow Twins: continual self-supervised learning for remote sensing semantic segmentation
Unsupervised Satellite Image Classification based on Partial Adversarial Domain Adaptation -> Code for course project
T2FTS -> Teaching Teachers First and Then Student: Hierarchical Distillation to Improve Long-Tailed Object Recognition in Aerial Images
SSLTransformerRS -> Self-supervised Vision Transformers for Land-cover Segmentation and Classification
DINO-MM -> Self-supervised Vision Transformers for Joint SAR-optical Representation Learning
SSL4EO-S12 -> a large-scale dataset for self-supervised learning in Earth observation
SSL4EO-Review -> Self-supervised Learning in Remote Sensing: A Review
transfer_learning_cspt -> Consecutive Pretraining: A Knowledge Transfer Learning Strategy with Relevant Unlabeled Data for Remote Sensing Domain
OTL -> Clustering-Based Representation Learning through Output Translation and Its Application to Remote-Sensing Images
Push-and-Pull-Network -> Contrastive Learning for Fine-grained Ship Classification in Remote Sensing Images
vissl_experiments -> Self-supervised Learning using Facebook VISSL on the RESISC-45 satellite imagery classification dataset
MS2A-Net -> MS 2 A-Net: Multi-scale spectral-spatial association network for hyperspectral image clustering
UDA_for_RS -> Unsupervised Domain Adaptation for Remote Sensing Semantic Segmentation with Transformer
pytorch-ssl-building_extract -> Research on Self-Supervised Building Information Extraction with High-Resolution Remote Sensing Images for Photovoltaic Potential Evaluation
self-rare-wildlife -> Self-Supervised Pretraining and Controlled Augmentation Improve Rare Wildlife Recognition in UAV Images
SatMAE -> SatMAE: Pre-training Transformers for Temporal and Multi-Spectral Satellite Imagery
FireCLR-Wildfires -> Unsupervised Wildfire Change Detection based on Contrastive Learning
FALSE -> False Negative Samples Aware Contrastive Learning for Semantic Segmentation of High-Resolution Remote Sensing Image
MATTER -> Self-Supervised Material and Texture Representation Learning for Remote Sensing Tasks
FGMAE -> Feature guided masked Autoencoder for self-supervised learning in remote sensing
GFM -> Towards Geospatial Foundation Models via Continual Pretraining
SatViT -> self-supervised training of multispectral optical and SAR vision transformers
SITS-MoCo -> Self-supervised pre-training for large-scale crop mapping using Sentinel-2 time series
#
Weakly & semi-supervised learning are two methods of machine learning that use both labeled and unlabeled data for training. Weakly supervised learning uses weakly labeled data, which may be incomplete or inaccurate, while semi-supervised learning uses both labeled and unlabeled data. Weakly supervised learning is typically used in situations where labeled data is scarce and unlabeled data is abundant. Semi-supervised learning is typically used in situations where labeled data is abundant but also contains some noise or errors. Both techniques can be used to improve the accuracy of machine learning models by making use of additional data sources.
MARE -> self-supervised Multi-Attention REsu-net for semantic segmentation in remote sensing
SSGF-for-HRRS-scene-classification -> A semi-supervised generative framework with deep learning features for high-resolution remote sensing image scene classification
SFGAN -> Semantic-Fusion Gans for Semi-Supervised Satellite Image Classification
SSDAN -> Multi-Source Semi-Supervised Domain Adaptation Network for Remote Sensing Scene Classification
HR-S2DML -> High-Rankness Regularized Semi-Supervised Deep Metric Learning for Remote Sensing Imagery
Semantic Segmentation of Satellite Images Using Point Supervision
fcd -> Fixed-Point GAN for Cloud Detection. A weakly-supervised approach, training with only image-level labels
weak-segmentation -> Weakly supervised semantic segmentation for aerial images in pytorch
TNNLS_2022_X-GPN -> Semisupervised Cross-scale Graph Prototypical Network for Hyperspectral Image Classification
weakly_supervised -> Weakly Supervised Deep Learning for Segmentation of Remote Sensing Imagery. Demonstrates that segmentation can be performed using small datasets comprised of pixel or image labels
wan -> Weakly-Supervised Domain Adaptation for Built-up Region Segmentation in Aerial and Satellite Imagery
sourcerer -> A Bayesian-inspired deep learning method for semi-supervised domain adaptation designed for land cover mapping from satellite image time series (SITS)
MSMatch -> Semi-Supervised Multispectral Scene Classification with Few Labels. Includes code to work with both the RGB and the multispectral (MS) versions of EuroSAT dataset and the UC Merced Land Use (UCM) dataset
Flood Segmentation on Sentinel-1 SAR Imagery with Semi-Supervised Learning
Semi-supervised learning in satellite image classification -> experimenting with MixMatch and the EuroSAT data set
ScRoadExtractor -> Scribble-based Weakly Supervised Deep Learning for Road Surface Extraction from Remote Sensing Images
ICSS -> Weakly-supervised continual learning for class-incremental segmentation
es-CP -> Semi-Supervised Hyperspectral Image Classification Using a Probabilistic Pseudo-Label Generation Framework
Flood_Mapping_SSL -> Enhancement of Urban Floodwater Mapping From Aerial Imagery With Dense Shadows via Semisupervised Learning
MS4D-Net-Building-Damage-Assessment -> MS4D-Net: Multitask-Based Semi-Supervised Semantic Segmentation Framework with Perturbed Dual Mean Teachers for Building Damage Assessment from High-Resolution Remote Sensing Imagery
#
Supervised deep learning techniques typically require a huge number of annotated/labelled examples to provide a training dataset. However labelling at scale take significant time, expertise and resources. Active learning techniques aim to reduce the total amount of annotation that needs to be performed by selecting the most useful images to label from a large pool of unlabelled images, thus reducing the time to generate useful training datasets. These processes may be referred to as Human-in-the-Loop Machine Learning
Active learning for object detection in high-resolution satellite images
AIDE V2 - Tools for detecting wildlife in aerial images using active learning
AstronomicAL -> An interactive dashboard for visualisation, integration and classification of data using Active Learning
Follow tutorials for active learning for object detection and segmentation on the lightly platform.
Active-Labeler by spaceml-org -> a CLI Tool that facilitates labeling datasets with just a SINGLE line of code
Labelling platform for Mapping Africa active learning project
ChangeDetectionProject -> Trying out Active Learning in with deep CNNs for Change detection on remote sensing data
ALS4GAN -> Active Learning for Improved Semi Supervised Semantic Segmentation in Satellite Images
Active-Learning-for-Remote-Sensing-Image-Retrieval -> unofficial implementation of paper: A Novel Active Learning Method in Relevance Feedback for Content-Based Remote Sensing Image Retrieval
DIAL -> DIAL: Deep Interactive and Active Learning for Semantic Segmentation in Remote Sensing
whales -> An active learning pipeline for identifying whales in high-resolution satellite imagery, by Microsoft
AL4EO -> a QGIS plug-in to run Active Learning techniques on Earth observation data
#
Federated learning is an approach to distributed machine learning where a central processor coordinates the training of an individual model in each of its clients. It is a type of distributed ML which means that the data is distributed among different devices or locations and the model is trained on all of them. The central processor aggregates the model updates from all the clients and then sends the global model parameters back to the clients. This is done to protect the privacy of data, as the data remains on the local device and only the global model parameters are shared with the central processor. This technique can be used to train models with large datasets that cannot be stored in a single device, as well as to enable certain privacy-preserving applications.
Federated-Learning-for-Remote-Sensing -> implementation of three Federated Learning models
Semantic-Segmentation-UNet-Federated -> FedUKD: Federated UNet Model with Knowledge Distillation for Land Use Classification from Satellite and Street Views
MM-FL -> Learning Across Decentralized Multi-Modal Remote Sensing Archives with Federated Learning
#
Efforts to detect falsified images & deepfakes
UAE-RS -> dataset that provides black-box adversarial samples in the remote sensing field
PSGAN -> Perturbation Seeking Generative Adversarial Networks: A Defense Framework for Remote Sensing Image Scene Classification
SACNet -> Self-Attention Context Network: Addressing the Threat of Adversarial Attacks for Hyperspectral Image Classification
#
Image registration is the process of registering one or more images onto another (typically well georeferenced) image. Traditionally this is performed manually by identifying control points (tie-points) in the images, for example using QGIS. This section lists approaches which mostly aim to automate this manual process. There is some overlap with the data fusion section but the distinction I make is that image registration is performed as a prerequisite to downstream processes which will use the registered data as an input.
Wikipedia article on registration -> register for change detection or image stitching
Phase correlation is used to estimate the XY translation between two images with sub-pixel accuracy. Can be used for accurate registration of low resolution imagery onto high resolution imagery, or to register a sub-image on a full image -> Unlike many spatial-domain algorithms, the phase correlation method is resilient to noise, occlusions, and other defects. With additional pre-processing image rotation and scale changes can also be calculated.
image-matching-models -> easily try 23 different image matching methods
ImageRegistration -> Interview assignment for multimodal image registration using SIFT
imreg_dft -> Image registration using discrete Fourier transform. Given two images it can calculate the difference between scale, rotation and position of imaged features.
arosics -> Perform automatic subpixel co-registration of two satellite image datasets using phase-correlation, XY translations only.
SubpixelAlignment -> Implementation of tiff image alignment through phase correlation for pixel- and subpixel-bias
cnn-registration -> A image registration method using convolutional neural network features written in Python2, Tensorflow 1.5
Siamese_ShiftNet -> NN predicting spatial coregistration shift of remote sensing imagery. Adapted from HighRes-net
ImageCoregistration -> Image registration with openCV using sift and RANSAC
mapalignment -> Aligning and Updating Cadaster Maps with Remote Sensing Images
CVPR21-Deep-Lucas-Kanade-Homography -> deep learning pipeline to accurately align challenging multimodality images. The method is based on traditional Lucas-Kanade algorithm with feature maps extracted by deep neural networks.
eolearn implements phase correlation, feature matching and ECC
Reprojecting the Perseverance landing footage onto satellite imagery
Kornia provides image registration
LoFTR -> Detector-Free Local Feature Matching with Transformers. Good performance matching satellite image pairs, tryout the web demo on your data
image-to-db-registration -> This remote module implements an algorithm for automated vector Database registration onto an Image. Implemented in the orfeo-toolbox
MS_HLMO_registration -> Multi-scale Histogram of Local Main Orientation for Remote Sensing Image Registration, with paper
cnn-matching -> Deep learning algorithm for feature matching of cross modality remote sensing images
Imatch-P -> A demo using SuperGlue and SuperPoint to do the image matching task based PaddlePaddle
NBR-Net -> A Non-rigid Bi-directional Registration Network for Multi-temporal Remote Sensing Images
MU-Net -> A Multi-Scale Framework with Unsupervised Learning for Remote Sensing Image Registration
unsupervisedDeepHomographyRAL2018 -> Unsupervised Deep Homography applied to aerial data
registration_cnn_ntg -> A Multispectral Image Registration Method Based on Unsupervised Learning
remote-sensing-images-registration-dataset -> at 0.23m, 3.75m & 30m resolution
semantic-template-matching -> A deep learning semantic template matching framework for remote sensing image registration
GMN-Generative-Matching-Network -> Deep Generative Matching Network for Optical and SAR Image Registration
SOMatch -> A deep learning framework for matching of SAR and optical imagery
Interspectral image registration dataset -> including satellite and drone imagery
RISG-image-matching -> A rotation invariant SuperGlue image matching algorithm
DeepAerialMatching_pytorch -> A Two-Stream Symmetric Network with Bidirectional Ensemble for Aerial Image Matching
DPCN -> Deep Phase Correlation for End-to-End Heterogeneous Sensor Measurements Matching
FSRA -> A Transformer-Based Feature Segmentation and Region Alignment Method For UAV-View Geo-Localization
IHN -> Iterative Deep Homography Estimation
OSMNet -> Explore Better Network Framework for High-Resolution Optical and SAR Image Matching
L2_Siamese -> Registration of Multiresolution Remote Sensing Images Based on L2-Siamese Model
Multi-Step-Deformable-Registration -> Unsupervised Multi-Step Deformable Registration of Remote Sensing Imagery based on Deep Learning
#
Measure surface contours & locate 3D points in space from 2D images. NeRF stands for Neural Radiance Fields and is the term used in deep learning communities to describe a model that generates views of complex 3D scenes based on a partial set of 2D images
Wikipedia DEM article and phase correlation article
Map terrain from stereo images to produce a digital elevation model (DEM) -> high resolution & paired images required, typically 0.3 m, e.g. Worldview
Process of creating a DEM here
S2P -> S2P is a Python library and command line tool that implements a stereo pipeline which produces elevation models from images taken by high resolution optical satellites such as Pléiades, WorldView, QuickBird, Spot or Ikonos.
monodepth - Unsupervised single image depth prediction with CNNs
Stereo Matching by Training a Convolutional Neural Network to Compare Image Patches
3DCD -> Inferring 3D change detection from bitemporal optical images
The Mapbox API provides images and elevation maps, article here
Reconstructing 3D buildings from aerial LiDAR with Mask R-CNN
ResDepth -> A Deep Prior For 3D Reconstruction From High-resolution Satellite Images
overhead-geopose-challenge -> competition to build computer vision algorithms that can effectively model the height and pose of ground objects for monocular satellite images taken from oblique angles. Blog post MEET THE WINNERS OF THE OVERHEAD GEOPOSE CHALLENGE
cars -> a dedicated and open source 3D tool to produce Digital Surface Models from satellite imaging by photogrammetry. This Multiview stereo pipeline is intended for massive DSM production with a robust and performant design
ImageToDEM -> Generating Elevation Surface from a Single RGB Remotely Sensed Image Using a U-Net for generator and a PatchGAN for the discriminator
IMELE -> Building Height Estimation from Single-View Aerial Imagery
ridges -> deep semantic segmentation model for identifying ridges in topography
planet_tools -> Selection of imagery from Planet API for creation of stereo elevation models
SatelliteNeRF -> PyTorch-based Neural Radiance Fields adapted to satellite domain
SatelliteSfM -> A library for solving the satellite structure from motion problem
SatelliteSurfaceReconstruction -> 3D Surface Reconstruction From Multi-Date Satellite Images, ISPRS, 2021
son2sat -> A neural network coded in TensorFlow 1 that produces satellite images from acoustic images
aerial_mtl -> PyTorch implementation for multi-task learning with aerial images to learn both semantics and height from aerial image datasets; fuses RGB & lidar
ReKlaSat-3D -> 3D Reconstruction and Classification from Very High Resolution Satellite Imagery
M3Net -> A deep learning method for building height estimation using high-resolution multi-view imagery over urban areas
HMSM-Net -> Hierarchical multi-scale matching network for disparity estimation of high-resolution satellite stereo images
StereoMatchingRemoteSensing -> Dual-Scale Matching Network for Disparity Estimation of High-Resolution Remote Sensing Images
satnerf -> Learning Multi-View Satellite Photogrammetry With Transient Objects and Shadow Modeling Using RPC Cameras
SatMVS -> Rational Polynomial Camera Model Warping for Deep Learning Based Satellite Multi-View Stereo Matching
ImpliCity -> reconstructs digital surface models (DSMs) from raw photogrammetric 3D point clouds and ortho-images with the help of an implicit neural 3D scene representation
WHU-Stereo -> a large-scale dataset for stereo matching of high-resolution satellite imagery & several deep learning methods for stereo matching. Methods include StereoNet, Pyramid Stereo Matching Network & HMSM-Net
Photogrammetry-Guide -> A guide covering Photogrammetry including the applications, libraries and tools that will make you a better and more efficient Photogrammetry development
DSM-to-DTM -> Exploring the use of machine learning to convert a Digital Surface Model (e.g. SRTM) to a Digital Terrain Model
GF-7_Stereo_Matching -> Large Scene DSM Generation of Gaofen-7 Imagery Combined with Deep Learning
Mapping drainage ditches in forested landscapes using deep learning and aerial laser scanning
#
Thermal infrared remote sensing is a technique used to detect and measure thermal radiation emitted from the Earth’s surface. This technique can be used to measure the temperature of the ground and any objects on it and can detect the presence of different materials. Thermal infrared remote sensing is used to assess land cover, detect land-use changes, and monitor urban heat islands, as well as to measure the temperature of the ground during nighttime or in areas of limited visibility.
The World Needs (a lot) More Thermal Infrared Data from Space
Object_Classification_in_Thermal_Images -> classification accuracy was improved by adding the object size as a feature directly within the CNN
Thermal imaging with satellites blog post by Christoph Rieke
#
SAR (synthetic aperture radar) is used to detect and measure the properties of objects and surfaces on the Earth's surface. SAR can be used to detect changes in terrain, features, and objects over time, as well as to measure the size, shape, and composition of objects and surfaces. SAR can also be used to measure moisture levels in soil and vegetation, or to detect and monitor changes in land use.
MERLIN -> self-supervised training of deep despeckling networks with MERLIN
You do not need clean images for SAR despeckling with deep learning -> How Speckle2Void learned to stop worrying and love the noise
PySAR - InSAR (Interferometric Synthetic Aperture Radar) timeseries analysis in python
Labeled SAR imagery dataset of ten geophysical phenomena from Sentinel-1 wave mode consists of more than 37,000 SAR vignettes divided into ten defined geophysical categories
s1_parking_occupancy -> PARKING OCCUPANCY ESTIMATION ON SENTINEL-1 IMAGES
SpaceNet_SAR_Buildings_Solutions -> The winning solutions for the SpaceNet 6 Challenge
Mapping and monitoring of infrastructure in desert regions with Sentinel-1
xView3 is a competition to detect dark vessels using computer vision and global SAR satellite imagery. First place solution and second place solution. Additional places up to fifth place are available at the xView GitHub Organization page
Winners of the STAC Overflow: Map Floodwater from Radar Imagery competition
deSpeckNet-TF-GEE -> deSpeckNet: Generalizing Deep Learning Based SAR Image Despeckling
cnn_sar_image_classification -> CNN for classifying SAR images of the Amazon Rainforest
s1_icetype_cnn -> Retrieve sea ice type from Sentinel-1 SAR with CNN
MP-ResNet -> Multi-path Residual Network for the Semantic segmentation of PolSAR Images'
TGRS_DisOptNet -> Distilling Semantic Knowledge from Optical Images for Weather-independent Building Segmentation
SAR_CD_DDNet -> PyTorch implementation of Change Detection in Synthetic Aperture Radar Images Using a Dual Domain Network
SAR_CD_MS_CapsNet -> Change Detection in SAR Images Based on Multiscale Capsule Network
Toushka Waterbodies Segmentation from four different combinations of Sentinel-1 SAR imagery and Digital Elevation Model with Pytorch and U-net. -> code
sar_transformer -> Transformer based SAR image despeckling, trained with synthetic imagery, with paper
Semantic segmentation of SAR images using a self supervised technique
Ship Detection on Remote Sensing Synthetic Aperture Radar Data -> based on the architectures of the Faster-RCNN and YOLOv5 networks
Target Recognition in SAR -> Identify Military Vehicles in Satellite Imagery with TensorFlow, with article
DSN -> Deep SAR-Net: Learning objects from signals
SAR_denoising -> project on application of FFDNet to SAR images
cnninsar -> CNN-Based InSAR Denoising and Coherence Metric
sar -> Despeckling Synthetic Aperture Radar Images using a Deep Residual CNN
GCBANet -> A Global Context Boundary-Aware Network for SAR Ship Instance Segmentation
SAR_CD_GKSNet -> Change Detection from Synthetic Aperture Radar Images via Graph-Based Knowledge Supplement Network
pixel-wise-segmentation-of-sar -> Pixel-Wise Segmentation of SAR Imagery Using Encoder-Decoder Network and Fully-Connected CRF
SAR_Ship_detection_CFAR -> An improved two-parameter CFAR algorithm based on Rayleigh distribution and Mathematical Morphology for SAR ship detection
sar_snow_melt_timing -> notebooks and tools to identify snowmelt timing using timeseries analysis of backscatter of Sentinel-1 C-band SAR
Denoising radar satellite images using deep learning in Python -> Medium article on deepdespeckling
random-wetlands -> Random forest classification for wetland vegetation from synthetic aperture radar dataset
AGSDNet -> AGSDNet: Attention and Gradient-Based SAR Denoising Network
LFG-Net -> LFG-Net: Low-Level Feature Guided Network for Precise Ship Instance Segmentation in SAR Images
sar_sift -> Image registration algorithm
SAR-Despeckling -> toolbox
cogsima2022 -> Enhancing land subsidence awareness via InSAR data and Deep Transformers
XAI4SAR-PGIL -> Physically Explainable CNN for SAR Image Classification
PolSARFormer -> Local Window Attention Transformer for Polarimetric SAR Image Classification
DC4Flood -> A deep clustering framework for rapid flood detection using Sentinel-1 SAR imagery
Sentinel1-Flood-Finder -> Flood Finder Package from Sentinel 1 Imagery
#
Normalized Difference Vegetation Index (NDVI) is an index used to measure the amount of healthy vegetation in a given area. It is calculated by taking the difference between the near-infrared (NIR) and red (red) bands of a satellite image, and dividing by the sum of the two bands. NDVI can be used to identify areas of healthy vegetation and to assess the health of vegetation in a given area. ndvi = np.true_divide((ir - r), (ir + r))
Landsat data in cloud optimised (COG) format analysed for NDVI with medium article here.
Identifying Buildings in Satellite Images with Machine Learning and Quilt -> NDVI & edge detection via gaussian blur as features, fed to TPOT for training with labels from OpenStreetMap, modelled as a two class problem, “Buildings” and “Nature”
Seeing Through the Clouds - Predicting Vegetation Indices Using SAR
NDVI-Net -> NDVI-Net: A fusion network for generating high-resolution normalized difference vegetation index in remote sensing
Remote-Sensing-Indices-Derivation-Tool -> Calculate spectral remote sensing indices from satellite imagery
#
Image quality describes the degree of accuracy with which an image can represent the original object. Image quality is typically measured by the amount of detail, sharpness, and contrast that an image contains. Factors that contribute to image quality include the resolution, format, and compression of the image.
lvrnet -> Lightweight Image Restoration for Aerial Images under Low Visibility
jitter-compensation -> Remote Sensing Image Jitter Detection and Compensation Using CNN
DeblurGANv2 -> Deblurring (Orders-of-Magnitude) Faster and Better
image-quality-assessment -> CNN to predict the aesthetic and technical quality of images
DOTA-C -> evaluating the robustness of object detection models to 19 types of image quality degradation
piq -> a collection of measures and metrics for image quality assessment
FFA-Net -> Feature Fusion Attention Network for Single Image Dehazing
DeepCalib -> A Deep Learning Approach for Automatic Intrinsic Calibration of Wide Field-of-View Cameras
PerceptualSimilarity -> LPIPS is a perceptual metric which aims to overcome the limitations of traditional metrics such as PSNR & SSIM, to better represent the features the human eye picks up on
Optical-RemoteSensing-Image-Resolution -> Deep Memory Connected Neural Network for Optical Remote Sensing Image Restoration. Two applications: Gaussian image denoising and single image super-resolution
HyDe -> Hyperspectral Denoising algorithm toolbox in Python
HLF-DIP -> Unsupervised Hyperspectral Denoising Based on Deep Image Prior and Least Favorable Distribution
RQUNetVAE -> Riesz-Quincunx-UNet Variational Auto-Encoder for Satellite Image Denoising
deep-hs-prior -> Deep Hyperspectral Prior: Denoising, Inpainting, Super-Resolution
iquaflow -> from Satellogic, an image quality framework that aims at providing a set of tools to assess image quality by using the performance of AI models trained on the images as a proxy.
#
Training data can be hard to acquire, particularly for rare events such as change detection after disasters, or imagery of rare classes of objects. In these situations, generating synthetic training data might be the only option. This has become quite sophisticated, with 3D models being use with open source games engines such as Unreal.
The Synthinel-1 dataset: a collection of high resolution synthetic overhead imagery for building segmentation with repo
RarePlanes -> incorporates both real and synthetically generated satellite imagery including aircraft. Read the arxiv paper and checkout this repo. Note the dataset is available through the AWS Open-Data Program for free download
Read this article from NVIDIA which discusses fine tuning a model pre-trained on synthetic data (Rareplanes) with 10% real data, then pruning the model to reduce its size, before quantizing the model to improve inference speed
BlenderGIS could be used for synthetic data generation
bifrost.ai -> simulated data service with geospatial output data formats
oktal-se -> software for generating simulated data across a wide range of bands including optical and SAR
rendered.ai -> The Platform as a Service for Creating Synthetic Data
synthetic_xview_airplanes -> creation of airplanes synthetic dataset using ArcGIS CityEngine
deepfake-satellite-images -> dataset that includes over 1M images of synthetic aerial images
synthetic-disaster -> Generate synthetic satellite images of natural disasters using deep neural networks
STPLS3D -> A Large-Scale Synthetic and Real Aerial Photogrammetry 3D Point Cloud Dataset
LESS -> LargE-Scale remote sensing data and image Simulation framework over heterogeneous 3D scenes
Synthesizing Robustness: Dataset Size Requirements and Geographic Insights -> Medium article, concludes that synthetic data is most beneficial to the rarest object classes and that extracting utility from synthetic data often takes significant effort and creativity
rs_img_synth -> Synthesizing Optical and SAR Imagery From Land Cover Maps and Auxiliary Raster Data
OnlyPlanes -> dataset and pretrained models for the paper: OnlyPlanes - Incrementally Tuning Synthetic Training Datasets for Satellite Object Detection
Using Stable Diffusion to Improve Image Segmentation Models -> Augmenting Data with Stable Diffusion
#
Remote-Sensing-ChatGPT -> an open source tool for solving remote sensing tasks with ChatGPT in an interactive way.
ChangeCLIP -> ChangeCLIP: Remote sensing change detection with multimodal vision-language representation learning
SkyEyeGPT -> SkyEyeGPT: Unifying Remote Sensing Vision-Language Tasks via Instruction Tuning with Large Language Model
RemoteCLIP -> A Vision Language Foundation Model for Remote Sensing
GeoChat -> Grounded Large Vision-Language Model for Remote Sensing
labs-gpt-stac -> connect ChatGPT to a STAC API backend
EarthGPT -> A Universal Multi-modal Large Language Model for Multi-sensor Image Comprehension in Remote Sensing Domain
H2RSVLM -> Towards Helpful and Honest Remote Sensing Large Vision Language Model
LLMs & FMs in Smart Agriculture -> Large Language Models and Foundation Models in Smart Agriculture: Basics, Opportunities, and Challenges
LHRS-Bot -> Empowering Remote Sensing with VGI-Enhanced Large Multimodal Language Model
Awesome-VLGFM -> Towards Vision-Language Geo-Foundation Models: A Survey
#
Clay Foundation Model -> an open source AI model and interface for Earth.
TerraTorch -> a Python toolkit for fine-tuning Geospatial Foundation Models from IBM, based on PyTorch Lightning and TorchGeo
EarthPT -> A time series foundation model for Earth Observation
SpectralGPT -> Spectral remote sensing foundation model, with finetuning on classification, segmentation, and change detection tasks
DOFA-pytorch -> Dynamic One-For-All (DOFA) multimodal foundation models for Earth vision reference implementation
Prithvi foundation model -> also see the Baseline Model for Segmentation
prithvi-pytorch -> makes Prithvi usable from Pytorch Lightning
geo-bench -> a General Earth Observation benchmark for evaluating the performances of large pre-trained models on geospatial data
USat -> A Unified Self-Supervised Encoder for Multi-Sensor Satellite Imagery
hydro-foundation-model -> A Foundation Model for Water in Satellite Imagery
RSBuilding -> Towards General Remote Sensing Image Building Extraction and Change Detection with Foundation Model
Text2Seg -> a pipeline that combined multiple Vision Foundation Models (SAM, CLIP, GroundingDINO) to perform semantic segmentation.
Remote-Sensing-RVSA -> Advancing Plain Vision Transformer Towards Remote Sensing Foundation Model
FoMo-Bench -> a multi-modal, multi-scale and multi-task Forest Monitoring Benchmark for remote sensing foundation models
MTP -> Advancing Remote Sensing Foundation Model via Multi-Task Pretraining
DiffusionSat -> A Generative Foundation Model For Satellite Imagery
granite-geospatial-biomass -> A geospatial model for Above Ground Biomass from IBM