You signed in with another tab or window. Reload to refresh your session.You signed out in another tab or window. Reload to refresh your session.You switched accounts on another tab or window. Reload to refresh your session.Dismiss alert
Copy file name to clipboardExpand all lines: README.md
+40Lines changed: 40 additions & 0 deletions
Original file line number
Diff line number
Diff line change
@@ -209,6 +209,10 @@ Classification is a fundamental task in remote sensing data analysis, where the
209
209
210
210
-[cyfi](https://github.com/drivendataorg/cyfi) -> Estimate cyanobacteria density based on Sentinel-2 satellite imagery
211
211
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
+
212
216
#
213
217
## Segmentation
214
218
@@ -441,6 +445,8 @@ Note that deforestation detection may be treated as a segmentation task or a cha
441
445
442
446
-[ai4boundaries](https://github.com/waldnerf/ai4boundaries) -> a Python package that facilitates download of the AI4boundaries data set
443
447
448
+
-[Nasa_harvest_field_boundary_competition](https://github.com/radiantearth/Nasa_harvest_field_boundary_competition) -> Nasa Harvest Rwanda Field Boundary Detection Challenge Tutorial
-[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
874
880
875
881
-[DeepMAO](https://github.com/Sumanth181099/DeepMAO) -> Deep Multi-scale Aware Overcomplete Network for Building Segmentation in Satellite Imagery
876
882
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
+
877
885
### Segmentation - Solar panels
878
886
879
887
-[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
1132
1140
1133
1141
-[SSG2](https://github.com/feevos/ssg2) -> A New Modelling Paradigm for Semantic Segmentation
1134
1142
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)
@@ -1462,6 +1480,8 @@ Detecting the most noticeable or important object in a scene
1462
1480
1463
1481
-[mayrajeo S2 ship-detection](https://github.com/mayrajeo/ship-detection) -> Detecting marine vessels from Sentinel-2 imagery with YOLOv8
1464
1482
1483
+
-[CHPDet](https://github.com/zf020114/CHPDet) -> PyTorch implementation of "Arbitrary-Oriented Ship Detection through Center-Head Point Extraction"
1484
+
1465
1485
### Object detection - Cars, vehicles & trains
1466
1486
1467
1487
-[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
1555
1575
1556
1576
-[AContrarioTankDetection](https://github.com/anttad/AContrarioTankDetection) -> Oil Tank Detection in Satellite Images via a Contrario Clustering
1557
1577
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
+
1558
1580
### Object detection - Animals
1559
1581
1560
1582
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
1683
1705
1684
1706
-[Satellite-Remote-Sensing-Image-Object-Detection](https://github.com/ypw-lbj/Satellite-Remote-Sensing-Image-Object-Detection) -> using RefineDet & DOTA dataset
1685
1707
1708
+
-[yolov5](https://github.com/leticiastachelski/yolov5) -> yolov5 detecting hurricane with Roboflow
1709
+
1686
1710
## Object counting
1687
1711
1688
1712
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
2184
2208
2185
2209
-[pytorch-change-models](https://github.com/Z-Zheng/pytorch-change-models) -> out-of-box contemporary spatiotemporal change model implementations, standard metrics, and datasets
2186
2210
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
-[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
+
2187
2221
#
2188
2222
## Time series
2189
2223
@@ -2284,6 +2318,8 @@ Crop classification in remote sensing is the identification and mapping of diffe
2284
2318
2285
2319
-[XAI4EO](https://github.com/adelabbs/XAI4EO) -> Towards Explainable AI4EO: an explainable DL approach for crop type mapping using SITS
2286
2320
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
+
2287
2323
#
2288
2324
## Crop yield & vegetation forecasting
2289
2325
@@ -3268,6 +3304,8 @@ Self-supervised, unsupervised & contrastive learning are all methods of machine
3268
3304
3269
3305
-[SITS-MoCo](https://github.com/YXu556/SITS-MoCo) -> Self-supervised pre-training for large-scale crop mapping using Sentinel-2 time series
3270
3306
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
+
3271
3309
#
3272
3310
## Weakly & semi-supervised learning
3273
3311
@@ -3736,6 +3774,8 @@ Training data can be hard to acquire, particularly for rare events such as chang
3736
3774
3737
3775
-[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
0 commit comments