--- license: mit language: - ko metrics: - accuracy - f1 base_model: - facebook/convnext-tiny-224 pipeline_tag: image-classification tags: - multispectral - convnext - image-classification - remote-sensing - agriculture - xai --- # ConvNext_Multi 모델 카드 _Last updated: 2025-08-27 08:36:14 ## Model Details ConvNext_Multi는 다중분광(멀티스펙트럼) 영상 데이터를 입력으로 하여 작물 및 식생을 분류하는 ConvNeXt 기반 이미지 분류 모델입니다. 드론 및 위성에서 촬영한 5밴드 (Blue, Green, Red, Near-Infrared, RedEdge) 영상을 효율적으로 처리하도록 설계되어, 고해상도 농업·환경 모니터링에 적합합니다. - **Developed by:** AI Research Team, MuhanRnd - **License:** MIT - **Base model:** facebook/convnext-tiny-224 - **Languages:** Korean (모델 주석 및 문서화) - **Model type:** 이미지 분류 (멀티밴드 입력) - **Created_date:** 2025-06-05 13:32:18 - **Updated_date:** 2025-08-27 08:36:14 P25-08-22 09:23:39 ## Uses ### Direct Use - 다중분광 영상 기반 생육 상태 분류 - 드론 영상의 5밴드 입력 멀티스펙트럼 이미지 분류 작업 ### Downstream Use - 유사한 다중분광 데이터셋에 대한 파인튜닝 - 농업 외 기타 환경 모니터링 대상 분류 문제 적용 가능 ### Out-of-Scope Use - RGB 3밴드 영상만을 사용하는 경우 (입력 구조상 활용 불가) - 보정되지 않은 멀티밴드 이미지(다중분광 보정값 처리 필요) - 객체 검출, 분할 등 분류 이외의 태스크 ## Bias, Risks, and Limitations - 본 모델은 특정 지역 및 작물 데이터를 중심으로 학습되었으므로, 미학습 환경에서는 성능 저하가 발생할 수 있음 - 다중분광 영상의 품질, 촬영 조건, 전처리 과정에 민감함 - 데이터 편향으로 인해 특정 작물이나 배경에 과적합 가능성 존재 - 모델 예측은 보조적 판단 자료로 활용해야 하며, 최종 의사결정은 전문가 판단과 병행 필요 ## How to Get Started ```python from transformers import AutoModelForImageClassification, AutoFeatureExtractor import torch # 모델과 특징 추출기 불러오기 model = AutoModelForImageClassification.from_pretrained("MhRnd/ConvNext_Multi") extractor = AutoFeatureExtractor.from_pretrained("MhRnd/ConvNext_Multi") # 다중밴드 이미지 텐서 (예: [batch_size, 5, H, W]) inputs = extractor(multi_band_images, return_tensors="pt") # 모델 추론 outputs = model(**inputs) logits = outputs.logits predicted_class = torch.argmax(logits, dim=1) ``` ## Training Details - **Training Data:** - 드론 및 위성 촬영 다중분광(5밴드) 이미지 데이터셋 - 라벨: 주요 작물 및 생육 상태 클래스 - **Training Procedure:** - 파인튜닝: facebook/convnext-tiny-224 기반 - 에폭수: 100 - 배치사이즈: 32 - 옵티마이저: AdamW - 학습률: 1e-05, Step 스케줄러 사용 ## Evaluation - **Testing Data:** 별도 보유한 검증용 다중분광 이미지셋 - **Metrics:** 정확도(Accuracy), 손실(Loss) - **Performance:** - **베스트 성능 (Epoch 41):** - 훈련 손실: 0.1238 - 훈련 정확도: 1.0000 - 검증 손실: 0.3569 - 검증 정확도: 1.0000 - **마지막 업데이트:** 2025-08-27 08:36:14 ## Environmental Impact - **Hardware:** NVIDIA RTX 3090 GPU - **Training Duration:** 약 15분 ## Citation ``` @article{liu2022convnext, title={ConvNeXt: A ConvNet for the 2020s}, author={Liu, Zhuang and Mao, Han and Wu, Chao and Feichtenhofer, Christoph and Darrell, Trevor and Xie, Saining}, journal={arXiv preprint arXiv:2201.03545}, year={2022} } ``` ## Glossary - **다중분광 영상(Multispectral Imagery):** 여러 파장대의 빛을 분리하여 촬영한 영상으로, 작물의 생육 상태 분석 등에 활용됨 - **ConvNeXt:** 현대적인 구조를 갖춘 컨볼루션 신경망(CNN) ## Model Card Authors - AI Research Team, MuhanRnd - pyh5214@muhanit.kr