Skip to content

Commit e51abeb

Browse files
authored
Merge pull request #72 from daameya/71
2 parents 07838f8 + 82856c9 commit e51abeb

File tree

1 file changed

+40
-0
lines changed

1 file changed

+40
-0
lines changed

README.md

Lines changed: 40 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -209,6 +209,10 @@ Classification is a fundamental task in remote sensing data analysis, where the
209209

210210
- [cyfi](https://github.com/drivendataorg/cyfi) -> Estimate cyanobacteria density based on Sentinel-2 satellite imagery
211211

212+
- [3DGAN-ViT](https://github.com/aj1365/3DGAN-ViT) -> A deep learning framework based on generative adversarial networks and vision transformer for complex wetland classification puplished in [International Journal of Applied Earth Observation and Geoinformation](https://www.sciencedirect.com/science/article/pii/S1569843222002837)
213+
214+
- [EfficientBigEarthNet](https://github.com/Orion-AI-Lab/EfficientBigEarthNet) -> Code and models from the paper [Benchmarking and scaling of deep learning models for land cover image classification](https://www.sciencedirect.com/science/article/pii/S0924271622003057).
215+
212216
#
213217
## Segmentation
214218

@@ -441,6 +445,8 @@ Note that deforestation detection may be treated as a segmentation task or a cha
441445

442446
- [ai4boundaries](https://github.com/waldnerf/ai4boundaries) -> a Python package that facilitates download of the AI4boundaries data set
443447

448+
- [Nasa_harvest_field_boundary_competition](https://github.com/radiantearth/Nasa_harvest_field_boundary_competition) -> Nasa Harvest Rwanda Field Boundary Detection Challenge Tutorial
449+
444450
### Segmentation - Water, coastlines, rivers & floods
445451

446452
- [pytorch-waterbody-segmentation](https://github.com/gauthamk02/pytorch-waterbody-segmentation) -> UNET model trained on the Satellite Images of Water Bodies dataset from Kaggle. The model is deployed on Hugging Face Spaces
@@ -874,6 +880,8 @@ Extracting roads is challenging due to the occlusions caused by other objects an
874880

875881
- [DeepMAO](https://github.com/Sumanth181099/DeepMAO) -> Deep Multi-scale Aware Overcomplete Network for Building Segmentation in Satellite Imagery
876882

883+
- [CMGFNet-Building_Extraction](https://github.com/hamidreza2015/CMGFNet-Building_Extraction) -> Deep Learning Code for Building Extraction from very high resolution (VHR) remote sensing images
884+
877885
### Segmentation - Solar panels
878886

879887
- [Deep-Learning-for-Solar-Panel-Recognition](https://github.com/saizk/Deep-Learning-for-Solar-Panel-Recognition) -> using both object detection with Yolov5 and Unet segmentation
@@ -1132,6 +1140,16 @@ Extracting roads is challenging due to the occlusions caused by other objects an
11321140

11331141
- [SSG2](https://github.com/feevos/ssg2) -> A New Modelling Paradigm for Semantic Segmentation
11341142

1143+
- [DBFNet](https://github.com/Luffy03/DBFNet) -> Deep Bilateral Filtering Network for Point-Supervised Semantic Segmentation in Remote Sensing Images [IEEE](https://ieeexplore.ieee.org/document/9961229) paper
1144+
1145+
- [PGNet](https://github.com/Fhujinwu/PGNet) -> PGNet: Positioning Guidance Network for Semantic Segmentation of Very-High-Resolution Remote Sensing Images [paper](https://www.mdpi.com/2072-4292/14/17/4219)
1146+
1147+
- [ASD](https://github.com/Jingtao-Li-CVer/ASD) -> Anomaly Segmentation for High-Resolution Remote Sensing Images Based on Pixel Descriptors (AAAI2023) [download link](https://ojs.aaai.org/index.php/AAAI/article/view/25563/25335)
1148+
1149+
- [u-nets-implementation](https://github.com/Aadit3003/u-nets-implementation) -> Semantic-Segmentation-with-U-Nets
1150+
1151+
- [SDM](https://github.com/caoql98/SDM) -> Scale-aware Detailed Matching for Few-Shot Aerial Image Semantic Segmentation
1152+
11351153
#
11361154
## Instance segmentation
11371155

@@ -1462,6 +1480,8 @@ Detecting the most noticeable or important object in a scene
14621480

14631481
- [mayrajeo S2 ship-detection](https://github.com/mayrajeo/ship-detection) -> Detecting marine vessels from Sentinel-2 imagery with YOLOv8
14641482

1483+
- [CHPDet](https://github.com/zf020114/CHPDet) -> PyTorch implementation of "Arbitrary-Oriented Ship Detection through Center-Head Point Extraction"
1484+
14651485
### Object detection - Cars, vehicles & trains
14661486

14671487
- [Detection of parkinglots and driveways with retinanet](https://github.com/spiyer99/retinanet)
@@ -1555,6 +1575,8 @@ Oil is stored in tanks at many points between extraction and sale, and the volum
15551575

15561576
- [AContrarioTankDetection](https://github.com/anttad/AContrarioTankDetection) -> Oil Tank Detection in Satellite Images via a Contrario Clustering
15571577

1578+
- [Fast-Large-Image-Object-Detection-yolov7](https://github.com/shah0nawaz/Fast-Large-Image-Object-Detection-yolov7) -> The oil yolov7 model is trained on oil storage tanks (OST) dataset
1579+
15581580
### Object detection - Animals
15591581

15601582
A variety of techniques can be used to count animals, including object detection and instance segmentation. For convenience they are all listed here:
@@ -1683,6 +1705,8 @@ A variety of techniques can be used to count animals, including object detection
16831705

16841706
- [Satellite-Remote-Sensing-Image-Object-Detection](https://github.com/ypw-lbj/Satellite-Remote-Sensing-Image-Object-Detection) -> using RefineDet & DOTA dataset
16851707

1708+
- [yolov5](https://github.com/leticiastachelski/yolov5) -> yolov5 detecting hurricane with Roboflow
1709+
16861710
## Object counting
16871711

16881712
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.
@@ -2184,6 +2208,16 @@ Change detection is a vital component of remote sensing analysis, enabling the m
21842208

21852209
- [pytorch-change-models](https://github.com/Z-Zheng/pytorch-change-models) -> out-of-box contemporary spatiotemporal change model implementations, standard metrics, and datasets
21862210

2211+
- [FFCTL](https://github.com/lauraset/FFCTL) -> A full-level fused cross-task transfer learning method for building change detection using noise-robust pretrained networks on crowdsourced labels
2212+
2213+
- [SARAS-Net](https://github.com/f64051041/SARAS-Net) -> SARAS-Net: Scale And Relation Aware Siamese Network for Change Detection
2214+
2215+
- [Change_Detection_FCNs](https://github.com/DLoboT/Change_Detection_FCNs) -> Deforestation Detection with Fully Convolutional Networks in the Amazon Forest from Landsat-8 and Sentinel-2 Images
2216+
2217+
- [HyperNet](https://github.com/meiqihu/HyperNet) -> HyperNet: Self-Supervised Hyperspectral SpatialSpectral Feature Understanding Network for Hyperspectral Change Detection [paper](https://ieeexplore.ieee.org/document/9934933)
2218+
2219+
- [CMCDNet](https://github.com/CAU-HE/CMCDNet) -> CMCDNet: Cross-modal change detection flood extraction based on convolutional neural network [paper](https://www.sciencedirect.com/science/article/pii/S1569843223000195)
2220+
21872221
#
21882222
## Time series
21892223

@@ -2284,6 +2318,8 @@ Crop classification in remote sensing is the identification and mapping of diffe
22842318

22852319
- [XAI4EO](https://github.com/adelabbs/XAI4EO) -> Towards Explainable AI4EO: an explainable DL approach for crop type mapping using SITS
22862320

2321+
- [model_ecaas_agrifieldnet_gold](https://github.com/radiantearth/model_ecaas_agrifieldnet_gold) -> AgriFieldNet Model for Crop Types Detection. First place solution of the of the [Zindi AgriFieldNet India Challenge](https://zindi.africa/competitions/agrifieldnet-india-challenge) for Crop Types Detection from Satellite Imagery.
2322+
22872323
#
22882324
## Crop yield & vegetation forecasting
22892325

@@ -3268,6 +3304,8 @@ Self-supervised, unsupervised & contrastive learning are all methods of machine
32683304

32693305
- [SITS-MoCo](https://github.com/YXu556/SITS-MoCo) -> Self-supervised pre-training for large-scale crop mapping using Sentinel-2 time series
32703306

3307+
- [DINO-MC](https://github.com/WennyXY/DINO-MC) -> DINO-MC: Self-supervised Contrastive Learning for Remote Sensing Imagery with Multi-sized Local Crops
3308+
32713309
#
32723310
## Weakly & semi-supervised learning
32733311

@@ -3736,6 +3774,8 @@ Training data can be hard to acquire, particularly for rare events such as chang
37363774

37373775
- [Using Stable Diffusion to Improve Image Segmentation Models](https://medium.com/edge-analytics/using-stable-diffusion-to-improve-image-segmentation-models-1e99c25acbf) -> Augmenting Data with Stable Diffusion
37383776

3777+
- [synthetic-satellite-imagery](https://github.com/ms-synthetic-satellite-image/synthetic-satellite-imagery) -> Label-conditional Synthetic Satellite Imagery - generating synthetic satellite images and conducting downstream experiments
3778+
37393779
#
37403780
## Large vision & language models (LLMs & LVMs)
37413781

0 commit comments

Comments
 (0)