Skip to content

Commit a19952c

Browse files
committed
various
1 parent 1d7eb5b commit a19952c

File tree

1 file changed

+12
-36
lines changed

1 file changed

+12
-36
lines changed

README.md

Lines changed: 12 additions & 36 deletions
Original file line numberDiff line numberDiff line change
@@ -230,7 +230,6 @@ Note that deforestation detection may be treated as a segmentation task or a cha
230230

231231
- [Tree species classification from from airborne LiDAR and hyperspectral data using 3D convolutional neural networks](https://github.com/jaeeolma/tree-detection-evo)
232232

233-
234233
- [Find sports fields using Mask R-CNN and overlay on open-street-map](https://github.com/jremillard/images-to-osm)
235234

236235
- [An LSTM to generate a crop mask for Togo](https://github.com/nasaharvest/togo-crop-mask)
@@ -267,7 +266,6 @@ Note that deforestation detection may be treated as a segmentation task or a cha
267266

268267
- [crop-type-detection-ICLR-2020](https://github.com/RadiantMLHub/crop-type-detection-ICLR-2020) -> Winning Solutions from Crop Type Detection Competition at CV4A workshop, ICLR 2020
269268

270-
271269
- [S4A-Models](https://github.com/Orion-AI-Lab/S4A-Models) -> Various experiments on the Sen4AgriNet dataset
272270

273271
- [attention-mechanism-unet](https://github.com/davej23/attention-mechanism-unet) -> An attention-based U-Net for detecting deforestation within satellite sensor imagery
@@ -278,8 +276,6 @@ Note that deforestation detection may be treated as a segmentation task or a cha
278276

279277
- [Official repository for the "Identifying trees on satellite images" challenge from Omdena](https://github.com/cienciaydatos/ai-challenge-trees)
280278

281-
282-
283279
- [PTDM](https://github.com/hr8yhtzb/PTDM) -> Pomelo Tree Detection Method Based on Attention Mechanism and Cross-Layer Feature Fusion
284280

285281
- [urban-tree-detection](https://github.com/jonathanventura/urban-tree-detection) -> Individual Tree Detection in Large-Scale Urban Environments using High-Resolution Multispectral Imagery. With [dataset](https://github.com/jonathanventura/urban-tree-detection-data)
@@ -290,7 +286,6 @@ Note that deforestation detection may be treated as a segmentation task or a cha
290286

291287
- [kbrodt biomassters solution](https://github.com/kbrodt/biomassters) -> 1st place solution
292288

293-
294289
- [biomass-estimation](https://github.com/azavea/biomass-estimation) -> from Azavea, applied to Sentinel 1 & 2
295290

296291
- [3DUNetGSFormer](https://github.com/aj1365/3DUNetGSFormer) -> A deep learning pipeline for complex wetland mapping using generative adversarial networks and Swin transformer
@@ -309,7 +304,6 @@ Note that deforestation detection may be treated as a segmentation task or a cha
309304

310305
- [cvpr-multiearth-deforestation-segmentation](https://github.com/h2oai/cvpr-multiearth-deforestation-segmentation) -> multimodal Unet entry to the CVPR Multiearth 2023 deforestation challenge
311306

312-
313307
- [TransUNetplus2](https://github.com/aj1365/TransUNetplus2) -> TransU-Net++: Rethinking attention gated TransU-Net for deforestation mapping. Uses the Amazon and Atlantic forest dataset
314308

315309
- [A high-resolution canopy height model of the Earth](https://github.com/langnico/global-canopy-height-model#a-high-resolution-canopy-height-model-of-the-earth) -> A high-resolution canopy height model of the Earth
@@ -338,27 +332,20 @@ Note that deforestation detection may be treated as a segmentation task or a cha
338332

339333
- [boundary-sam](https://github.com/awadbahaa/boundary-sam) -> parcel boundary delineation using SAM, image embeddings and detail enhancement filters
340334

341-
### Segmentation - Water, coastlines, rivers & floods
342-
343-
335+
- [TOFMapper](https://github.com/Moerizzy/TOFMapper) -> a semantic segmentation tool for mapping and classifying Trees outside Forest in high resolution aerial images
344336

337+
### Segmentation - Water, coastlines, rivers & floods
345338

346339
- [Houston_flooding](https://github.com/Lichtphyz/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
347340

348341
- [ml4floods](https://github.com/spaceml-org/ml4floods) -> An ecosystem of data, models and code pipelines to tackle flooding with ML
349342

350-
351-
352343
- [1st place solution for STAC Overflow: Map Floodwater from Radar Imagery hosted by Microsoft AI for Earth](https://github.com/sweetlhare/STAC-Overflow) -> combines Unet with Catboostclassifier, taking their maxima, not the average
353344

354345
- [hydra-floods](https://github.com/Servir-Mekong/hydra-floods) -> an open source Python application for downloading, processing, and delivering surface water maps derived from remote sensing data
355346

356347
- [CoastSat](https://github.com/kvos/CoastSat) -> tool for mapping coastlines which has an extension [CoastSeg](https://github.com/dbuscombe-usgs/CoastSeg) using segmentation models
357348

358-
359-
360-
361-
362349
- [deepwatermap](https://github.com/isikdogan/deepwatermap) -> a deep model that segments water on multispectral images
363350

364351
- [rivamap](https://github.com/isikdogan/rivamap) -> an automated river analysis and mapping engine
@@ -1120,7 +1107,6 @@ Orinted bounding boxes (OBB) are polygons representing rotated rectangles. For d
11201107

11211108
- [GF-CSL](https://github.com/WangJian981002/GF-CSL) -> Gaussian Focal Loss: Learning Distribution Polarized Angle Prediction for Rotated Object Detection in Aerial Images
11221109

1123-
11241110
- [Polar-Encodings](https://github.com/flyingshan/Learning-Polar-Encodings-For-Arbitrary-Oriented-Ship-Detection-In-SAR-Images) -> Learning Polar Encodings for Arbitrary-Oriented Ship Detection in SAR Images
11251111

11261112
- [R-CenterNet](https://github.com/ZeroE04/R-CenterNet) -> detector for rotated-object based on CenterNet
@@ -1334,10 +1320,8 @@ Detecting the most noticeable or important object in a scene
13341320

13351321
- [RSVC2021-Dataset](https://github.com/YinongGuo/RSVC2021-Dataset) -> A dataset for Vehicle Counting in Remote Sensing images, created from the DOTA & ITCVD
13361322

1337-
13381323
- [Vehicle-Counting-in-Very-Low-Resolution-Aerial-Images](https://github.com/hbsszq/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
13391324

1340-
13411325
- [detecting-trucks](https://github.com/datasciencecampus/detecting-trucks) -> detecting large vehicles in Sentinel-2
13421326

13431327
### Object detection - Planes & aircraft
@@ -1413,7 +1397,6 @@ A variety of techniques can be used to count animals, including object detection
14131397

14141398
- [cownter_strike](https://github.com/IssamLaradji/cownter_strike) -> counting cows, located with point-annotations, two models: CSRNet (a density-based method) & LCFCN (a detection-based method)
14151399

1416-
14171400
- [CNN-Mosquito-Detection](https://github.com/sriramelango/CNN-Mosquito-Detection) -> determining the locations of potentially dangerous breeding grounds, compared YOLOv4, YOLOR & YOLOv5
14181401

14191402
- [Borowicz_etal_Spacewhale](https://github.com/lynch-lab/Borowicz_etal_Spacewhale) -> locate whales using ResNet
@@ -1426,15 +1409,14 @@ A variety of techniques can be used to count animals, including object detection
14261409

14271410
- [Beluga Whale Detection from Satellite Imagery with Point Labels](https://github.com/VoyagerXvoyagerx/beluga-seeker/tree/main)
14281411

1429-
### Object detection - Miscellaneous
1430-
1412+
- [HerdNet](https://github.com/Alexandre-Delplanque/HerdNet) -> From Crowd to Herd Counting: How to Precisely Detect and Count African Mammals using Aerial Imagery and Deep Learning?
14311413

1414+
### Object detection - Miscellaneous
14321415

14331416
- [Object Detection and Image Segmentation with Deep Learning on Earth Observation Data: A Review](https://www.mdpi.com/2072-4292/12/10/1667)
14341417

14351418
- [awesome-aerial-object-detection bu murari023](https://github.com/murari023/awesome-aerial-object-detection), [another by visionxiang](https://github.com/visionxiang/awesome-object-detection-in-aerial-images) and [awesome-tiny-object-detection](https://github.com/kuanhungchen/awesome-tiny-object-detection) list many relevant papers
14361419

1437-
14381420
- [Satellite Imagery Multiscale Rapid Detection with Windowed Networks (SIMRDWN)](https://github.com/avanetten/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.
14391421

14401422
- [YOLTv4](https://github.com/avanetten/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
@@ -1449,12 +1431,10 @@ A variety of techniques can be used to count animals, including object detection
14491431

14501432
- [Faster RCNN for xView satellite data challenge](https://github.com/samirsen/small-object-detection)
14511433

1452-
14531434
- [Object Detection Satellite Imagery Multi-vehicles Dataset (SIMD)](https://github.com/asimniazi63/Object-Detection-on-Satellite-Images) -> RetinaNet,Yolov3 and Faster RCNN for multi object detection on satellite images dataset
14541435

14551436
- [SNIPER/AutoFocus](https://github.com/mahyarnajibi/SNIPER) -> an efficient multi-scale object detection training/inference algorithm
14561437

1457-
14581438
- [Electric-Pylon-Detection-in-RSI](https://github.com/qsjxyz/Electric-Pylon-Detection-in-RSI) -> a dataset which contains 1500 remote sensing images of electric pylons used to train ten deep learning models
14591439

14601440
- [IS-Count](https://github.com/sustainlab-group/IS-Count) -> IS-Count is a sampling-based and learnable method for estimating the total object count in a region
@@ -1471,7 +1451,6 @@ A variety of techniques can be used to count animals, including object detection
14711451

14721452
- [Google-earth-Object-Recognition](https://github.com/InnovAIco/Google-earth-Object-Recognition) -> Code for training and evaluating on Dior Dataset (Google Earth Images) using RetinaNet and YOLOV5
14731453

1474-
14751454
- [Detection of Multiclass Objects in Optical Remote Sensing Images](https://github.com/WenchaoliuMUC/Detection-of-Multiclass-Objects-in-Optical-Remote-Sensing-Images) -> Detection of Multiclass Objects in Optical Remote Sensing Images
14761455

14771456
- [SB-MSN](https://github.com/weihancug/Sampling-Balance_Multi-stage_Network) -> Improving Training Instance Quality in Aerial Image Object Detection With a Sampling-Balance-Based Multistage Network
@@ -1482,7 +1461,6 @@ A variety of techniques can be used to count animals, including object detection
14821461

14831462
- [dior_detect](https://github.com/hm-better/dior_detect) -> benchmarks for object detection on DIOR dataset
14841463

1485-
14861464
- [OPLD-Pytorch](https://github.com/yf19970118/OPLD-Pytorch) -> Learning Point-Guided Localization for Detection in Remote Sensing Images
14871465

14881466
- [F3Net](https://github.com/yxhnjust/F3Net) -> Feature Fusion and Filtration Network for Object Detection in Optical Remote Sensing Images
@@ -1491,7 +1469,6 @@ A variety of techniques can be used to count animals, including object detection
14911469

14921470
- [SRAF-Net](https://github.com/Complicateddd/SRAF-Net) -> A Scene-Relevant Anchor-Free Object Detection Network in Remote Sensing Images
14931471

1494-
14951472
- [SHAPObjectDetection](https://github.com/hiroki-kawauchi/SHAPObjectDetection) -> SHAP-Based Interpretable Object Detection Method for Satellite Imagery
14961473

14971474
- [NWD](https://github.com/jwwangchn/NWD) -> A Normalized Gaussian Wasserstein Distance for Tiny Object Detection. Uses AI-TOD dataset
@@ -1524,7 +1501,6 @@ A variety of techniques can be used to count animals, including object detection
15241501

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

1527-
15281504
- [SFRNet](https://github.com/Ranchosky/SFRNet) -> SFRNet: Fine-Grained Oriented Object Recognition via Separate Feature Refinement
15291505

15301506
- [contrail-seg](https://github.com/junzis/contrail-seg) -> Neural network models for contrail detection and segmentation
@@ -1744,10 +1720,8 @@ Change detection is a vital component of remote sensing analysis, enabling the m
17441720

17451721
- [Unstructured-change-detection-using-CNN](https://github.com/vbhavank/Unstructured-change-detection-using-CNN)
17461722

1747-
17481723
- [QGIS plugin for applying change detection algorithms on high resolution satellite imagery](https://github.com/dymaxionlabs/massive-change-detection)
17491724

1750-
17511725
- [Fully Convolutional Siamese Networks for Change Detection](https://github.com/rcdaudt/fully_convolutional_change_detection)
17521726

17531727
- [Urban Change Detection for Multispectral Earth Observation Using Convolutional Neural Networks](https://github.com/rcdaudt/patch_based_change_detection) -> used the Onera Satellite Change Detection (OSCD) dataset
@@ -1786,11 +1760,8 @@ Change detection is a vital component of remote sensing analysis, enabling the m
17861760

17871761
- [SRCDNet](https://github.com/liumency/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
17881762

1789-
17901763
- [A deeply supervised image fusion network for change detection in high resolution bi-temporal remote sening images](https://github.com/GeoZcx/A-deeply-supervised-image-fusion-network-for-change-detection-in-remote-sensing-images)
17911764

1792-
1793-
17941765
- [ChangeFormer](https://github.com/wgcban/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
17951766

17961767
- [Heterogeneous_CD](https://github.com/llu025/Heterogeneous_CD) -> Heterogeneous Change Detection in Remote Sensing Images
@@ -1859,7 +1830,6 @@ Change detection is a vital component of remote sensing analysis, enabling the m
18591830

18601831
- [ESCNet](https://github.com/Bobholamovic/ESCNet) -> An End-to-End Superpixel-Enhanced Change Detection Network for Very-High-Resolution Remote Sensing Images
18611832

1862-
18631833
- [deforestation-detection](https://github.com/vldkhramtsov/deforestation-detection) -> DEEP LEARNING FOR HIGH-FREQUENCY CHANGE DETECTION IN UKRAINIAN FOREST ECOSYSTEM WITH SENTINEL-2
18641834

18651835
- [forest_change_detection](https://github.com/QuantuMobileSoftware/forest_change_detection) -> forest change segmentation with time-dependent models, including Siamese, UNet-LSTM, UNet-diff, UNet3D models
@@ -1874,7 +1844,6 @@ Change detection is a vital component of remote sensing analysis, enabling the m
18741844

18751845
- [Remote-sensing-time-series-change-detection](https://github.com/liulianni1688/Remote-sensing-time-series-change-detection) -> Graph-based block-level urban change detection using Sentinel-2 time series
18761846

1877-
18781847
- [dfc2021-msd-baseline](https://github.com/calebrob6/dfc2021-msd-baseline) -> Multitemporal Semantic Change Detection track of the 2021 IEEE GRSS Data Fusion Competition
18791848

18801849
- [CorrFusionNet](https://github.com/rulixiang/CorrFusionNet) -> Multi-Temporal Scene Classification and Scene Change Detection with Correlation based Fusion
@@ -1889,7 +1858,6 @@ Change detection is a vital component of remote sensing analysis, enabling the m
18891858

18901859
- [FHD](https://github.com/ZSVOS/FHD) -> Feature Hierarchical Differentiation for Remote Sensing Image Change Detection
18911860

1892-
18931861
- [building-expansion](https://github.com/reglab/building_expansion) -> Enhancing Environmental Enforcement with Near Real-Time Monitoring: Likelihood-Based Detection of Structural Expansion of Intensive Livestock Farms
18941862

18951863
- [SaDL_CD](https://github.com/justchenhao/SaDL_CD) -> Semantic-aware Dense Representation Learning for Remote Sensing Image Change Detection
@@ -2028,6 +1996,8 @@ Change detection is a vital component of remote sensing analysis, enabling the m
20281996

20291997
- [VcT_Remote_Sensing_Change_Detection](https://github.com/Event-AHU/VcT_Remote_Sensing_Change_Detection) -> VcT: Visual change Transformer for Remote Sensing Image Change Detection [IEEE](https://ieeexplore.ieee.org/document/10294300)
20301998

1999+
- [HabitAlp 2.0](https://github.com/hkristen/habitalp_2) -> Habitat and Land Cover Change Detection in Alpine Protected Areas: A Comparison of AI Architectures
2000+
20312001
#
20322002
## Time series
20332003

@@ -2228,6 +2198,8 @@ The traditional approach of collecting economic data through ground surveys is a
22282198

22292199
- [Deep_Learning_Satellite_Imd](https://github.com/surendran-berkeley/Deep_Learning_Satellite_Imd) -> Using Deep Learning on Satellite Imagery to predict population and economic indicators
22302200

2201+
- [GRAM](https://github.com/DS4H-GIS/GRAM) -> a test-time adaptation framework for robust slum segmentation
2202+
22312203
#
22322204
## Disaster response
22332205

@@ -2947,6 +2919,8 @@ Image Captioning is the task of automatically generating a textual description o
29472919

29482920
- [CLIP-rsicd](https://github.com/arampacha/CLIP-rsicd) -> fine tuning CLIP on the [RSICD](https://github.com/201528014227051/RSICD_optimal) image captioning dataset, to enable querying large catalogues in natural language using 🤗. Also read [Why and How to Fine-tune CLIP](https://dienhoa.github.io/dhblog/posts/finetune_clip.html)
29492921

2922+
- [Multispectral Image Caption Unification Using Diffusion and Cycle GAN Models](https://github.com/kursatkomurcu/Multispectral-Caption-Image-Unification-via-Diffusion-and-CycleGAN)
2923+
29502924
#
29512925
## Visual Question Answering
29522926

@@ -3183,6 +3157,8 @@ Weakly & semi-supervised learning are two methods of machine learning that use b
31833157

31843158
- [MS4D-Net-Building-Damage-Assessment](https://github.com/YJ-He/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
31853159

3160+
- [SAHARA](https://github.com/giu-guarino/SAHARA) -> Heterogeneous Semi-Supervised Transfer Learning with Adversarial Adaptation and Dynamic Pseudo-Labeling
3161+
31863162
#
31873163
## Active learning
31883164

0 commit comments

Comments
 (0)