diff --git a/.gitattributes b/.gitattributes index 1ef325f1b111266a6b26e0196871bd78baa8c2f3..316582c4ca751481c9a9aefc5d6728bdec6b3f74 100644 --- a/.gitattributes +++ b/.gitattributes @@ -57,3 +57,42 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text # Video files - compressed *.mp4 filter=lfs diff=lfs merge=lfs -text *.webm filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2020.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2014.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1995.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1989.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2009.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2011.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1992.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1986.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2006.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2003.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1983.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2019.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2000.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2016.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2013.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1997.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1994.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1988.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2008.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2010.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1985.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1991.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2005.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1982.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2018.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2002.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1999.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2015.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1996.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2012.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1987.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1993.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2007.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1984.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2004.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1981.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2017.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/2001.nc filter=lfs diff=lfs merge=lfs -text +raw_data/earth/GODAS/1998.nc filter=lfs diff=lfs merge=lfs -text diff --git a/evaluations/README.md b/evaluations/README.md new file mode 100644 index 0000000000000000000000000000000000000000..fc7c2495af7deb289f4202ac0fbbf2380d11ce83 --- /dev/null +++ b/evaluations/README.md @@ -0,0 +1,5 @@ +# Evaluations of SFE + +We evaluate the SFE dataset using lmms-eval. The evaluation codes are listed in this folder. + +We only provide the evaluation scripts for GPT series and InternVL series. Evaluation scripts for other models follow the same format and can be easily adapted. diff --git a/evaluations/scripts/chatgpt.sh b/evaluations/scripts/chatgpt.sh new file mode 100644 index 0000000000000000000000000000000000000000..18373d0a18c003b916954e75960a4176ea58d5f7 --- /dev/null +++ b/evaluations/scripts/chatgpt.sh @@ -0,0 +1,28 @@ +export HF_HOME= +export HF_TOKEN= +export OPENAI_API_KEY= +export OPENAI_API_BASE= + +export API_TYPE="openai" +export MODEL_VERSION="gpt-4o-2024-11-20" + +# export AZURE_OPENAI_API_KEY="" +# export AZURE_OPENAI_API_BASE="" +# export AZURE_OPENAI_API_VERSION="2023-07-01-preview" + +# pip install git+https://github.com/EvolvingLMMs-Lab/lmms-eval.git + +# GPT Series +export FILE_NAME="lmms_eval_gpt4o_en.json" +python3 -m lmms_eval \ + --model openai_compatible \ + --model_args model_version=gpt-4o-2024-11-20,azure_openai=False \ + --tasks sfe-en \ + --batch_size 1 + +export FILE_NAME="lmms_eval_gpt4o_zh.json" +python3 -m lmms_eval \ + --model openai_compatible \ + --model_args model_version=gpt-4o-2024-11-20,azure_openai=False \ + --tasks sfe-zh \ + --batch_size 1 \ No newline at end of file diff --git a/evaluations/scripts/internvl3.sh b/evaluations/scripts/internvl3.sh new file mode 100644 index 0000000000000000000000000000000000000000..d8b8692197643a39be4069b257aea195ecc2c599 --- /dev/null +++ b/evaluations/scripts/internvl3.sh @@ -0,0 +1,34 @@ +export HF_HOME= +export HF_TOKEN= +export OPENAI_API_KEY= +export OPENAI_API_BASE= + +export API_TYPE="openai" +export MODEL_VERSION="gpt-4o-2024-11-20" + +export CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 + +export VLLM_WORKER_MULTIPROC_METHOD=spawn +# export NCCL_BLOCKING_WAIT=1 +# export NCCL_TIMEOUT=18000000 +# export NCCL_DEBUG=DEBUG + +# pip install git+https://github.com/EvolvingLMMs-Lab/lmms-eval.git +export FILE_NAME="lmms_eval_internvl3-78b_en.json" +python3 -m lmms_eval \ + --model vllm \ + --model_args model_version=,tensor_parallel_size=8 \ + --tasks sfe-en \ + --batch_size 1 \ + --log_samples \ + --log_samples_suffix vllm + +export FILE_NAME="lmms_eval_internvl3-78b_zh.json" +python3 -m lmms_eval \ + --model vllm \ + --model_args model_version=,tensor_parallel_size=8 \ + --tasks sfe-en \ + --batch_size 1 \ + --log_samples \ + --log_samples_suffix vllm + diff --git a/evaluations/tasks/sfe/__pycache__/utils.cpython-312.pyc b/evaluations/tasks/sfe/__pycache__/utils.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..c141352d9c6e3775d4e68399759f04cad9dd0d04 Binary files /dev/null and b/evaluations/tasks/sfe/__pycache__/utils.cpython-312.pyc differ diff --git a/evaluations/tasks/sfe/sfe-en.yaml b/evaluations/tasks/sfe/sfe-en.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5499729a7d89928d32b5002468caff73499c5685 --- /dev/null +++ b/evaluations/tasks/sfe/sfe-en.yaml @@ -0,0 +1,52 @@ +dataset_path: DATASET_PATH_EN +task: "sfe-en" +test_split: test +output_type: generate_until +doc_to_visual: !function utils.sfe_doc_to_visual +doc_to_text: !function utils.sfe_doc_to_text +doc_to_target: "answer" +process_results: !function utils.sfe_process_results + +generation_kwargs: + max_new_tokens: 1024 + +metric_list: + - metric: all_info + aggregation: !function utils.sfe_save_results + higher_is_better: true + - metric: rouge_score + aggregation: !function utils.sfe_aggregate_rouge_results + higher_is_better: true + - metric: bert_score + aggregation: !function utils.sfe_aggregate_bertscore_results + higher_is_better: true + - metric: bleu_score + aggregation: !function utils.sfe_aggregate_bleuscore_results + higher_is_better: true + - metric: meteor_score + aggregation: !function utils.sfe_aggregate_meteor_score_results + higher_is_better: true + - metric: llm_score + aggregation: !function utils.sfe_aggregate_judge_results + higher_is_better: true + - metric: execute_succ_rate + aggregation: !function utils.sfe_aggregate_execute_succ_rate_results + higher_is_better: true + - metric: iou_score + aggregation: !function utils.sfe_aggregate_iou_score_results + higher_is_better: true + - metric: acc@0.1 + aggregation: !function utils.sfe_aggregate_acc01_results + higher_is_better: true + - metric: acc@0.3 + aggregation: !function utils.sfe_aggregate_acc03_results + higher_is_better: true + - metric: acc@0.5 + aggregation: !function utils.sfe_aggregate_acc05_results + higher_is_better: true + - metric: acc@0.7 + aggregation: !function utils.sfe_aggregate_acc07_results + higher_is_better: true + - metric: acc@0.9 + aggregation: !function utils.sfe_aggregate_acc09_results + higher_is_better: true diff --git a/evaluations/tasks/sfe/sfe-zh.yaml b/evaluations/tasks/sfe/sfe-zh.yaml new file mode 100644 index 0000000000000000000000000000000000000000..583f25005dcee62b7fc2b473a4adb11b3bd4cbba --- /dev/null +++ b/evaluations/tasks/sfe/sfe-zh.yaml @@ -0,0 +1,52 @@ +dataset_path: DATASET_PATH_ZH +task: "sfe-zh" +test_split: test +output_type: generate_until +doc_to_visual: !function utils.sfe_doc_to_visual +doc_to_text: !function utils.sfe_doc_to_text +doc_to_target: "answer" +process_results: !function utils.sfe_process_results + +generation_kwargs: + max_new_tokens: 1024 + +metric_list: + - metric: all_info + aggregation: !function utils.sfe_save_results + higher_is_better: true + - metric: rouge_score + aggregation: !function utils.sfe_aggregate_rouge_results + higher_is_better: true + - metric: bert_score + aggregation: !function utils.sfe_aggregate_bertscore_results + higher_is_better: true + - metric: bleu_score + aggregation: !function utils.sfe_aggregate_bleuscore_results + higher_is_better: true + - metric: meteor_score + aggregation: !function utils.sfe_aggregate_meteor_score_results + higher_is_better: true + - metric: llm_score + aggregation: !function utils.sfe_aggregate_judge_results + higher_is_better: true + - metric: execute_succ_rate + aggregation: !function utils.sfe_aggregate_execute_succ_rate_results + higher_is_better: true + - metric: iou_score + aggregation: !function utils.sfe_aggregate_iou_score_results + higher_is_better: true + - metric: acc@0.1 + aggregation: !function utils.sfe_aggregate_acc01_results + higher_is_better: true + - metric: acc@0.3 + aggregation: !function utils.sfe_aggregate_acc03_results + higher_is_better: true + - metric: acc@0.5 + aggregation: !function utils.sfe_aggregate_acc05_results + higher_is_better: true + - metric: acc@0.7 + aggregation: !function utils.sfe_aggregate_acc07_results + higher_is_better: true + - metric: acc@0.9 + aggregation: !function utils.sfe_aggregate_acc09_results + higher_is_better: true diff --git a/evaluations/tasks/sfe/utils.py b/evaluations/tasks/sfe/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..44b91b869cafd0b7f53c7c3b42c590ba513603be --- /dev/null +++ b/evaluations/tasks/sfe/utils.py @@ -0,0 +1,633 @@ +import ast +import json +import os +import random +import re +import time +from collections import defaultdict +from pathlib import Path +import copy +import math + +from PIL import Image + +import numpy as np +import requests +import yaml +from loguru import logger as eval_logger +from openai import AzureOpenAI, OpenAI + +from rouge_score import rouge_scorer +from bert_score import score +import pymeteor.pymeteor as pymeteor + +from nltk.translate.bleu_score import sentence_bleu, SmoothingFunction +from nltk.translate.meteor_score import meteor_score + +from lmms_eval.tasks._task_utils.file_utils import generate_submission_file + +import torch + +NUM_SECONDS_TO_SLEEP = 5 +API_TYPE = os.getenv("API_TYPE", "openai") +MODEL_VERSION = os.getenv("MODEL_VERSION", "gpt-4o-2024-08-06") +FILE_NAME = os.getenv("FILE_NAME", "sfe_test.json") + +JUDGE_RULES = """You are a strict evaluator assessing answer correctness. You must score the model's prediction on a scale from 0 to 9, where 0 represents an entirely incorrect answer and 9 indicates a highly correct answer. +# Input +Question: +``` +{question} +``` +Ground Truth Answer: +``` +{answer} +``` +Model Prediction: +``` +{pred} +``` + + +# Evaluation Rules +- The model prediction may contain the reasoning process, you should spot the final answer from it. +- For multiple-choice questions: Assign a higher score if the predicted answer matches the ground truth, either by option letters or content. Include partial credit for answers that are close in content. +- For exact match and open-ended questions: + * Assign a high score if the prediction matches the answer semantically, considering variations in format. + * Deduct points for partially correct answers or those with incorrect additional information. +- Ignore minor differences in formatting, capitalization, or spacing since the model may explain in a different way. +- Treat numerical answers as correct if they match within reasonable precision +- For questions requiring units, both value and unit must be correct + +# Scoring Guide +Provide a single integer from 0 to 9 to reflect your judgment of the answer's correctness. + +# Strict Output format example +4""" + + +if API_TYPE == "openai": + API_URL = os.getenv("OPENAI_API_BASE", "https://api.openai.com/v1") + API_KEY = os.getenv("OPENAI_API_KEY", "YOUR_API_KEY") + client = OpenAI(base_url=API_URL, api_key=API_KEY) +elif API_TYPE == "azure": + API_URL = os.getenv("AZURE_ENDPOINT", "https://api.cognitive.microsoft.com/sts/v1.0/issueToken") + API_KEY = os.getenv("AZURE_API_KEY", "YOUR_API_KEY") + client = AzureOpenAI(azure_endpoint=API_URL, api_version="2023-07-01-preview", api_key=API_KEY) + + +scorer = rouge_scorer.RougeScorer(['rougeL'], use_stemmer=True) + + +def get_chat_response(content: str, max_tokens: int, retries: int = 5): + global MODEL_VERSION + global client + + messages = [ + { + "role": "system", + "content": "You are a helpful and precise assistant for checking the correctness of the answer.", + }, + {"role": "user", "content": content}, + ] + + payload = { + "model": MODEL_VERSION, + "messages": messages, + "temperature": 0.0, + "max_tokens": max_tokens, + } + + for attempt in range(retries): + try: + response = client.chat.completions.create(**payload) + content = response.choices[0].message.content.strip() + return content + except requests.exceptions.RequestException as e: + eval_logger.warning(f"Request failed on attempt {attempt+1}: {e}") + time.sleep(NUM_SECONDS_TO_SLEEP) + if attempt == retries - 1: + eval_logger.error(f"Failed to get response after {retries} attempts") + return "" + except Exception as e: + eval_logger.error(f"Error on attempt {attempt+1}: {e}") + return "" + + +def parse_float_sequence_within(input_str): + pattern_in_bracket = r"\[(.*)\]" + match = re.search(pattern_in_bracket, input_str) + + if not match: + return None + + inside_str = match.group(1) + groups = inside_str.split(";") + + bboxs = [] + for group in groups: + floats = group.split(",") + if len(floats) != 4: + continue + try: + bboxs.append([float(f) for f in floats]) + except Exception as e: + continue + + if len(bboxs) == 0: + return None + + return bboxs + + +def compute_iou(box1, box2): + """ + Compute the Intersection over Union (IoU) of two bounding boxes. + + Parameters: + - box1 (list of float): Bounding box [x_min, y_min, x_max, y_max]. + - box2 (list of float): Bounding box [x_min, y_min, x_max, y_max]. + + Returns: + - float: IoU of box1 and box2. + """ + # Determine the coordinates of the intersection rectangle + x_left = max(box1[0], box2[0]) + y_top = max(box1[1], box2[1]) + x_right = min(box1[2], box2[2]) + y_bottom = min(box1[3], box2[3]) + + # Compute the area of intersection + intersection_area = max(0, x_right - x_left) * max(0, y_bottom - y_top) + + # Compute the area of both bounding boxes + box1_area = (box1[2] - box1[0]) * (box1[3] - box1[1]) + box2_area = (box2[2] - box2[0]) * (box2[3] - box2[1]) + + # Compute the area of the union + union_area = box1_area + box2_area - intersection_area + + # Compute the Intersection over Union + iou = intersection_area / union_area + + return iou + + +def greedy_iou(answers, preds): + score = 0.0 + n_answer, n_pred = len(answers), len(preds) + selected = [] + for pred in preds: + if len(selected) == n_answer: + break + _scores = [compute_iou(answer, pred) if i not in selected else -1 for i, answer in enumerate(answers)] + max_index = _scores.index(max(_scores)) + score += max(_scores) + selected.append(max_index) + + return score / n_answer + + + +def construct_prompt(doc): + description = f"You are an expert in {doc['field']} and need to solve the following question." + if doc["question_type"] == "mcq": + description += "\nThe question is a multiple-choice question. Answer with the option letter from the given choices." + elif doc["question_type"] == "exact_match": + description += "\nThe question is an exact match question. Answer the question using a single word or phrase." + elif doc["question_type"] == "open_ended": + description += "\nThe question is an open-ended question. Answer the question using a phrase." + else: + raise ValueError(f"Unknown question type: {doc['question_type']}") + + question = doc["question"] + question = f"{description}\n\n{question}" + if doc["question_type"] == "mcq": + parsed_options = "\n".join(doc["options"]) + question = f"{question}\n{parsed_options}" + elif doc["question_type"] == "exact_match": + question = f"{question}" + elif doc["question_type"] == "open_ended": + question = f"{question}" + else: + raise ValueError(f"Unknown question type: {doc['question_type']}") + + return question + + +def sfe_doc_to_text(doc, lmms_eval_specific_kwargs=None): + if lmms_eval_specific_kwargs is None: + question = construct_prompt(doc) + else: + question = construct_prompt(doc, lmms_eval_specific_kwargs["multiple_choice_prompt"], lmms_eval_specific_kwargs["open_ended_prompt"], lmms_eval_specific_kwargs["prompt_type"]) + return question + + +def sfe_doc_to_visual(doc): + question = construct_prompt(doc) + images = doc["images"] + visual = [Image.open(image).convert("RGB") for image in images] + return visual + +def sfe_doc_to_visual_claude(doc): + images = doc["images"] + visual = [] + for image in images: + img = Image.open(image).convert("RGB") + if max(img.size) > 8000: + scale = 8000 / max(img.size) + img = img.resize((min(int(img.size[0] * scale), 8000), min(int(img.size[1] * scale), 8000)), Image.LANCZOS) + visual.append(img) + return visual + + +def sfe_doc_to_visual_doubao(doc): + images = doc["images"] + visual = [] + for image in images: + img = Image.open(image).convert("RGB") + if img.size[0] * img.size[1] > 36000000: + scale = 36000000 / (img.size[0] * img.size[1]) + img = img.resize((math.floor(img.size[0] * scale), math.floor(img.size[1] * scale)), Image.LANCZOS) + visual.append(img) + return visual + + +def sfe_process_results(doc, results): + question_type = doc["question_type"] + + parsed_preds = [] + + rough_scores = [] + bertscore_scores = [] + bleu_scores = [] + meteor_scores = [] + llm_scores = [] + + execute_success_rate = [] + iou_scores = [] + + assert len(results) == 1, f"Expected one result, got {len(results)}" + for pred in results: + formatted_question = construct_prompt(doc) + answer = doc["answer"] + + if doc["id"].split("/")[0].lower() in ["e011", "e012"]: + answer_bboxs = parse_float_sequence_within(answer) + pred_bboxs = parse_float_sequence_within(pred) + + if pred_bboxs is not None: + execute_success_rate.append(1) + iou_score = greedy_iou(answer_bboxs, pred_bboxs) + iou_scores.append(iou_score) + else: + execute_success_rate.append(0) + iou_scores.append(-1) + + rough_scores.append(-1) + bertscore_scores.append(-1) + bleu_scores.append(-1) + meteor_scores.append(-1) + llm_scores.append(-1) + else: + if question_type == "open_ended": + try: + rouge_score = scorer.score(answer, pred) + rough_scores.append(rouge_score["rougeL"].fmeasure) + except: + rough_scores.append(0.) + + try: + bertscore = score([answer], [pred], lang="multi", device="cuda" if torch.cuda.is_available() else "cpu")[2].item() + bertscore_scores.append(bertscore) + except: + bertscore_scores.append(0.) + + try: + chencherry = SmoothingFunction() + bleu_score = sentence_bleu([answer.strip().split()], pred.strip().split(), smoothing_function=chencherry.method1) + bleu_scores.append(bleu_score) + except: + bleu_scores.append(0.) + + try: + meteor_score = meteor_score([answer.strip().split()], pred.strip().split()) + meteor_scores.append(meteor_score) + except: + meteor_scores.append(0.) + else: + rough_scores.append(-1) + bertscore_scores.append(-1) + bleu_scores.append(-1) + meteor_scores.append(-1) + + # llm_as_a_judge + llm_judge_prompt = JUDGE_RULES.format(question=formatted_question, answer=answer, pred=pred) + llm_judge_score = get_chat_response(llm_judge_prompt, max_tokens=20, retries=3) + llm_scores.append(llm_judge_score) + + execute_success_rate.append(-1) + iou_scores.append(-1) + + parsed_preds.append(pred) + + all_info = { + "id": doc["id"], + "field": doc["field"], + "question_type": doc["question_type"], + "answer": doc["answer"], + "parsed_pred": parsed_preds, + "rouge_score": rough_scores, + "bertscore": bertscore_scores, + "bleu_score": bleu_scores, + "meteor_score": meteor_scores, + "llm_score": llm_scores, + "execute_success_rate": execute_success_rate, + "iou_score": iou_scores, + } + + rouge_score_info = { + "id": doc["id"], + "field": doc["field"], + "question_type": doc["question_type"], + "answer": doc["answer"], + "parsed_pred": parsed_preds, + "rouge_score": rough_scores, + } + + bert_score_info = { + "id": doc["id"], + "field": doc["field"], + "question_type": doc["question_type"], + "answer": doc["answer"], + "parsed_pred": parsed_preds, + "bertscore": bertscore_scores, + } + + bleu_score_info = { + "id": doc["id"], + "field": doc["field"], + "question_type": doc["question_type"], + "answer": doc["answer"], + "parsed_pred": parsed_preds, + "bleu_score": bleu_scores, + } + + meteor_score_info = { + "id": doc["id"], + "field": doc["field"], + "question_type": doc["question_type"], + "answer": doc["answer"], + "parsed_pred": parsed_preds, + "meteor_score": meteor_scores, + } + + llm_score_info = { + "id": doc["id"], + "field": doc["field"], + "question_type": doc["question_type"], + "answer": doc["answer"], + "parsed_pred": parsed_preds, + "llm_score": llm_scores + } + + execute_succ_rate_info = { + "id": doc["id"], + "field": doc["field"], + "question_type": doc["question_type"], + "answer": doc["answer"], + "parsed_pred": parsed_preds, + "execute_success_rate": execute_success_rate, + } + + iou_score_info = { + "id": doc["id"], + "field": doc["field"], + "question_type": doc["question_type"], + "answer": doc["answer"], + "parsed_pred": parsed_preds, + "iou_score": iou_scores, + } + + return { + "all_info": all_info, + "rouge_score": rouge_score_info, + "bert_score": bert_score_info, + "bleu_score": bleu_score_info, + "meteor_score": meteor_score_info, + "llm_score": llm_score_info, + "execute_succ_rate": execute_succ_rate_info, + "iou_score": iou_score_info, + "acc@0.1": iou_score_info, + "acc@0.3": iou_score_info, + "acc@0.5": iou_score_info, + "acc@0.7": iou_score_info, + "acc@0.9": iou_score_info, + } + + +def sfe_save_results(results, args): + path = os.path.join("/fs-computility/ai4sData/earth-shared/SFE/lmms-eval/examples/sfe/results", FILE_NAME) + with open(path, "w") as f: + json.dump(results, f) + eval_logger.info(f"Results saved to {path}.") + + return 0.0 + + +def sfe_aggregate_rouge_results(results, args): + total_score = 0 + total_cnt = 0 + for result in results: + try: + score = float(result["rouge_score"][0]) + if score < 0: + continue + total_score += score + total_cnt += 1 + except: + eval_logger.warning(f"Failed to convert rouge score to float for {result['id']}: {result['rouge_score'][0]}") + total_score += 0 + return total_score / total_cnt if total_cnt > 0 else -1 + + +def sfe_aggregate_bertscore_results(results, args): + total_score = 0 + total_cnt = 0 + for result in results: + try: + score = float(result["bertscore"][0]) + if score < 0: + continue + total_score += score + total_cnt += 1 + except: + eval_logger.warning(f"Failed to convert bert score to float for {result['id']}: {result['bertscore'][0]}") + total_score += 0 + return total_score / total_cnt if total_cnt > 0 else -1 + + +def sfe_aggregate_bleuscore_results(results, args): + total_score = 0 + total_cnt = 0 + for result in results: + try: + score = float(result["bleu_score"][0]) + if score < 0: + continue + total_score += score + total_cnt += 1 + except: + eval_logger.warning(f"Failed to convert bleu score to float for {result['id']}: {result['bleu_score'][0]}") + total_score += 0 + return total_score / total_cnt if total_cnt > 0 else -1 + + +def sfe_aggregate_meteor_score_results(results, args): + total_score = 0 + total_cnt = 0 + for result in results: + try: + score = float(result["meteor_score"][0]) + if score < 0: + continue + total_score += score + total_cnt += 1 + except: + eval_logger.warning(f"Failed to convert meteor score to float for {result['id']}: {result['meteor_score'][0]}") + total_score += 0 + return total_score / total_cnt if total_cnt > 0 else -1 + + +def sfe_aggregate_judge_results(results, args): + total_score = 0 + total_cnt = 0 + for result in results: + try: + item_score = result["llm_score"][0] + pattern = r"(\d+)" + match = re.search(pattern, item_score) + + if match: + item_score = float(match.group(1)) + else: + item_score = 0 + + total_score += item_score + total_cnt += 1 + except: + eval_logger.warning(f"Failed to convert llm score to int for {result['id']}: {result['llm_score']}") + total_score += 0 + return total_score / total_cnt if total_cnt > 0 else -1 + + +def sfe_aggregate_execute_succ_rate_results(results, args): + total_score = 0 + total_cnt = 0 + for result in results: + try: + score = float(result["execute_success_rate"][0]) + if score < 0: + continue + total_score += score + total_cnt += 1 + except: + eval_logger.warning(f"Failed to convert execute success score to float for {result['id']}: {result['execute_success_rate'][0]}") + total_score += 0 + return total_score / total_cnt if total_cnt > 0 else -1 + + +def sfe_aggregate_iou_score_results(results, args): + total_score = 0 + total_cnt = 0 + for result in results: + try: + score = float(result["iou_score"][0]) + if score < 0: + continue + total_score += score + total_cnt += 1 + except: + eval_logger.warning(f"Failed to convert execute iou score to float for {result['id']}: {result['iou_score'][0]}") + total_score += 0 + return total_score / total_cnt if total_cnt > 0 else -1 + + +def sfe_aggregate_acc01_results(results, args): + total_score = 0 + total_cnt = 0 + for result in results: + try: + score = 1.0 if float(result["iou_score"][0]) > 0.1 else 0.0 + if score < 0: + continue + total_score += score + total_cnt += 1 + except: + eval_logger.warning(f"Failed to convert execute iou score to float for {result['id']}: {result['iou_score'][0]}") + total_score += 0 + return total_score / total_cnt if total_cnt > 0 else -1 + + +def sfe_aggregate_acc03_results(results, args): + total_score = 0 + total_cnt = 0 + for result in results: + try: + score = 1.0 if float(result["iou_score"][0]) > 0.3 else 0.0 + if score < 0: + continue + total_score += score + total_cnt += 1 + except: + eval_logger.warning(f"Failed to convert execute iou score to float for {result['id']}: {result['iou_score'][0]}") + total_score += 0 + return total_score / total_cnt if total_cnt > 0 else -1 + + +def sfe_aggregate_acc05_results(results, args): + total_score = 0 + total_cnt = 0 + for result in results: + try: + score = 1.0 if float(result["iou_score"][0]) > 0.5 else 0.0 + if score < 0: + continue + total_score += score + total_cnt += 1 + except: + eval_logger.warning(f"Failed to convert execute iou score to float for {result['id']}: {result['iou_score'][0]}") + total_score += 0 + return total_score / total_cnt if total_cnt > 0 else -1 + + +def sfe_aggregate_acc07_results(results, args): + total_score = 0 + total_cnt = 0 + for result in results: + try: + score = 1.0 if float(result["iou_score"][0]) > 0.7 else 0.0 + if score < 0: + continue + total_score += score + total_cnt += 1 + except: + eval_logger.warning(f"Failed to convert execute iou score to float for {result['id']}: {result['iou_score'][0]}") + total_score += 0 + return total_score / total_cnt if total_cnt > 0 else -1 + + +def sfe_aggregate_acc09_results(results, args): + total_score = 0 + total_cnt = 0 + for result in results: + try: + score = 1.0 if float(result["iou_score"][0]) > 0.9 else 0.0 + if score < 0: + continue + total_score += score + total_cnt += 1 + except: + eval_logger.warning(f"Failed to convert execute iou score to float for {result['id']}: {result['iou_score'][0]}") + total_score += 0 + return total_score / total_cnt if total_cnt > 0 else -1 diff --git a/images/E018_dataset_EarthFormer_vil-2019-SEVIR_VIL_STORMEVENTS_2019_0701_1231_a6818b285d7ab8d4e7e781d77e438277.h5-396-0 b/images/E018_dataset_EarthFormer_vil-2019-SEVIR_VIL_STORMEVENTS_2019_0701_1231_a6818b285d7ab8d4e7e781d77e438277.h5-396-0 new file mode 100644 index 0000000000000000000000000000000000000000..20ac64ca718ec9fe91d2209365f09caec19a7176 Binary files /dev/null and b/images/E018_dataset_EarthFormer_vil-2019-SEVIR_VIL_STORMEVENTS_2019_0701_1231_a6818b285d7ab8d4e7e781d77e438277.h5-396-0 differ diff --git a/images/E018_dataset_diffcast_incepu_vil-2019-SEVIR_VIL_STORMEVENTS_2019_0701_1231_0689d60410eb8608ebd3f7ee7e8893c8.h5-396-0 b/images/E018_dataset_diffcast_incepu_vil-2019-SEVIR_VIL_STORMEVENTS_2019_0701_1231_0689d60410eb8608ebd3f7ee7e8893c8.h5-396-0 new file mode 100644 index 0000000000000000000000000000000000000000..5f32a0350c21ee2b05d3ee524378edb5367b0d31 Binary files /dev/null and b/images/E018_dataset_diffcast_incepu_vil-2019-SEVIR_VIL_STORMEVENTS_2019_0701_1231_0689d60410eb8608ebd3f7ee7e8893c8.h5-396-0 differ diff --git a/images/E018_dataset_diffcast_incepu_vil-2019-SEVIR_VIL_STORMEVENTS_2019_0701_1231_f2bc5ac6d24bdee8618dd35ef4ba6cf8.h5-396-0 b/images/E018_dataset_diffcast_incepu_vil-2019-SEVIR_VIL_STORMEVENTS_2019_0701_1231_f2bc5ac6d24bdee8618dd35ef4ba6cf8.h5-396-0 new file mode 100644 index 0000000000000000000000000000000000000000..fe17a71b4048fe9562a5eda931289dd8b620d52c Binary files /dev/null and b/images/E018_dataset_diffcast_incepu_vil-2019-SEVIR_VIL_STORMEVENTS_2019_0701_1231_f2bc5ac6d24bdee8618dd35ef4ba6cf8.h5-396-0 differ diff --git a/raw_data/earth/2023.zip b/raw_data/earth/2023.zip new file mode 100644 index 0000000000000000000000000000000000000000..fe5a04f2c2dc7e5f52b15e547f28de9ffb39341e --- /dev/null +++ b/raw_data/earth/2023.zip @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da3b82eb86bfc0ff989b38a3e7f8f9d4ba7d3c8dad3dff96fd399c9b9d7753c2 +size 1161742655 diff --git a/raw_data/earth/GODAS/1981.nc b/raw_data/earth/GODAS/1981.nc new file mode 100644 index 0000000000000000000000000000000000000000..716507a78f61114a4e39920ca25deb593706e291 --- /dev/null +++ b/raw_data/earth/GODAS/1981.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49af25ce8d770587d8a2fc7192afc63bf03365c618f0a34dc752bf9ae951755e +size 102687576 diff --git a/raw_data/earth/GODAS/1982.nc b/raw_data/earth/GODAS/1982.nc new file mode 100644 index 0000000000000000000000000000000000000000..e603ad97a8dbec4cac16f401e68449bb7b9c25db --- /dev/null +++ b/raw_data/earth/GODAS/1982.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33fbf51025da8f8ea5a4ff42aa37a98369019b63f7619c780c3b61583959f1f5 +size 102780289 diff --git a/raw_data/earth/GODAS/1983.nc b/raw_data/earth/GODAS/1983.nc new file mode 100644 index 0000000000000000000000000000000000000000..5e7824415e8dc85940eca4ea4907ca8570b337e8 --- /dev/null +++ b/raw_data/earth/GODAS/1983.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55e450033772ec52be41aa99b2a4147a30085362246fd79731626d73aee639cd +size 102910789 diff --git a/raw_data/earth/GODAS/1984.nc b/raw_data/earth/GODAS/1984.nc new file mode 100644 index 0000000000000000000000000000000000000000..bf034fdc5363f3769411301c969ae9bafbb5ec82 --- /dev/null +++ b/raw_data/earth/GODAS/1984.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3396922e9a6f8ecfb0cfe062b69aa2282f44483c0d240318863381582e03908 +size 102896204 diff --git a/raw_data/earth/GODAS/1985.nc b/raw_data/earth/GODAS/1985.nc new file mode 100644 index 0000000000000000000000000000000000000000..a71bc5fea97617480e784d2d69ff405b865845dd --- /dev/null +++ b/raw_data/earth/GODAS/1985.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:205ef913636f36c8eced3182ff57e511cbb243c1bedbc1b05f33f21f0645458d +size 102866883 diff --git a/raw_data/earth/GODAS/1986.nc b/raw_data/earth/GODAS/1986.nc new file mode 100644 index 0000000000000000000000000000000000000000..ba7b74da69c6e32d15b3de1ff719ee74ce8f49ae --- /dev/null +++ b/raw_data/earth/GODAS/1986.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5beabdd270533ea2460bb7e1470c2e6050bfbe8193ef8aa6822c0d797f5b698 +size 102795899 diff --git a/raw_data/earth/GODAS/1987.nc b/raw_data/earth/GODAS/1987.nc new file mode 100644 index 0000000000000000000000000000000000000000..70387195023e0307c72d6386b3a481896d87c2a3 --- /dev/null +++ b/raw_data/earth/GODAS/1987.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c47a1904780b51e49f6b45e3ad29e9f4941f8387876959712d588b66de2639be +size 102849598 diff --git a/raw_data/earth/GODAS/1988.nc b/raw_data/earth/GODAS/1988.nc new file mode 100644 index 0000000000000000000000000000000000000000..e8cba00f3545d7b1b19542a8cddf19aba7dd4f9d --- /dev/null +++ b/raw_data/earth/GODAS/1988.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a688d048f64357561b5110d5dcf25f31c1e2d384789ea90296ae39a62116ecf1 +size 102996251 diff --git a/raw_data/earth/GODAS/1989.nc b/raw_data/earth/GODAS/1989.nc new file mode 100644 index 0000000000000000000000000000000000000000..eaf5ef708f5d6e1d6aa43fd5cb36560aca1339e3 --- /dev/null +++ b/raw_data/earth/GODAS/1989.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:499545656999cb2cae6fdfc64e4e1d82b14ead198aa8c478529c595ef6c4030e +size 102864982 diff --git a/raw_data/earth/GODAS/1991.nc b/raw_data/earth/GODAS/1991.nc new file mode 100644 index 0000000000000000000000000000000000000000..cf9642a8a962a449fd6dc3e60ec3de3b01b31263 --- /dev/null +++ b/raw_data/earth/GODAS/1991.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39b8e5f1424cc5dfda592b58d61b2cfbfad2c3488de1587c65b093fcaabd7482 +size 102771019 diff --git a/raw_data/earth/GODAS/1992.nc b/raw_data/earth/GODAS/1992.nc new file mode 100644 index 0000000000000000000000000000000000000000..867df486301418a360ed4f31b7842dce8db3b132 --- /dev/null +++ b/raw_data/earth/GODAS/1992.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69a8908eaa6557afe62564a327aa3c462dccda7b5f9b351d39bf2309f1af9ede +size 102903857 diff --git a/raw_data/earth/GODAS/1993.nc b/raw_data/earth/GODAS/1993.nc new file mode 100644 index 0000000000000000000000000000000000000000..e4904f0e0fb0a1e7c3d824411b9f1c694ddc6945 --- /dev/null +++ b/raw_data/earth/GODAS/1993.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a07a9ae02e1663576284a30e9d4a724c696f499bf48d4b4d8116ed14c7198b3 +size 102883076 diff --git a/raw_data/earth/GODAS/1994.nc b/raw_data/earth/GODAS/1994.nc new file mode 100644 index 0000000000000000000000000000000000000000..df5107e90cfb3c7e299146ef5fa77dc575bc1009 --- /dev/null +++ b/raw_data/earth/GODAS/1994.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:808b02b91cd154b612b85dd65d68c8c00e91e1adca4b7d3e624c95b80c17999c +size 102993657 diff --git a/raw_data/earth/GODAS/1995.nc b/raw_data/earth/GODAS/1995.nc new file mode 100644 index 0000000000000000000000000000000000000000..2bff27081f933ebffaffc64ac5b3bccda2ee629f --- /dev/null +++ b/raw_data/earth/GODAS/1995.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:634ab6d422f2c3d5fb78e8ae4592076197141a50445850842010e8a5e16e44fe +size 102985387 diff --git a/raw_data/earth/GODAS/1996.nc b/raw_data/earth/GODAS/1996.nc new file mode 100644 index 0000000000000000000000000000000000000000..f457a615ada9d6144cec74e3e949b3e203c21621 --- /dev/null +++ b/raw_data/earth/GODAS/1996.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21c2724e8de3cf78259ca5c9e76a7b317d84ca92d00ab27d509033b735fa6362 +size 102965432 diff --git a/raw_data/earth/GODAS/1997.nc b/raw_data/earth/GODAS/1997.nc new file mode 100644 index 0000000000000000000000000000000000000000..8c327231c1f2ad6380d7e3d127046e65d577c70c --- /dev/null +++ b/raw_data/earth/GODAS/1997.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df5104904e46f242f1cd22f26fa657fb305c2bf11361a59b5c861a25adb96231 +size 103133576 diff --git a/raw_data/earth/GODAS/1998.nc b/raw_data/earth/GODAS/1998.nc new file mode 100644 index 0000000000000000000000000000000000000000..97298375df2cb7ee879104760c99361b4a82732b --- /dev/null +++ b/raw_data/earth/GODAS/1998.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:000b8fbe8a512a71147a596354616e606163f7bac66e86ff18a8e9ca0ed2b50d +size 103079070 diff --git a/raw_data/earth/GODAS/1999.nc b/raw_data/earth/GODAS/1999.nc new file mode 100644 index 0000000000000000000000000000000000000000..9713d33f9b4e6976f9c3f1ecd2fe805b8a20b260 --- /dev/null +++ b/raw_data/earth/GODAS/1999.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d31d014e662f0c0aa55db7216a024b0034fb049f238c37a44377c938420f2e6 +size 103073931 diff --git a/raw_data/earth/GODAS/2000.nc b/raw_data/earth/GODAS/2000.nc new file mode 100644 index 0000000000000000000000000000000000000000..2e57f599da56340d5fda017255c5edc01b221a0a --- /dev/null +++ b/raw_data/earth/GODAS/2000.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1845119fa0b57adba69a23915a157239ddafc24e888859e6129c2f340efbef87 +size 102944041 diff --git a/raw_data/earth/GODAS/2001.nc b/raw_data/earth/GODAS/2001.nc new file mode 100644 index 0000000000000000000000000000000000000000..708876a1b37054ef65ad42bb112b01293c0297c5 --- /dev/null +++ b/raw_data/earth/GODAS/2001.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10153f0cbfd71f0af3f72f3d38d4e026ebbd2b4818598e326c1fdaebfbabafdf +size 102896420 diff --git a/raw_data/earth/GODAS/2002.nc b/raw_data/earth/GODAS/2002.nc new file mode 100644 index 0000000000000000000000000000000000000000..82645755c5f863f6682c6221e8cb9d6b96e37f01 --- /dev/null +++ b/raw_data/earth/GODAS/2002.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a3bd51c2de78d84e16162908fa8dda6e2a72516fb4aad3693adb20ca61b30dc +size 102885929 diff --git a/raw_data/earth/GODAS/2003.nc b/raw_data/earth/GODAS/2003.nc new file mode 100644 index 0000000000000000000000000000000000000000..a5d4f00d6c5d9e5747a04fc8d13b728087164337 --- /dev/null +++ b/raw_data/earth/GODAS/2003.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19fd50b11830677736fdfac4e43cc03773c933ad85638d5cd83c0ac679e6171b +size 103027732 diff --git a/raw_data/earth/GODAS/2004.nc b/raw_data/earth/GODAS/2004.nc new file mode 100644 index 0000000000000000000000000000000000000000..1f5e55251a3576b7bfb9e4241bc325bd57b18485 --- /dev/null +++ b/raw_data/earth/GODAS/2004.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1c970b07aba8b843fd18d84f7a388e1b181ab58daefe7e7c3efc0bfc0b8ec5f +size 103095014 diff --git a/raw_data/earth/GODAS/2005.nc b/raw_data/earth/GODAS/2005.nc new file mode 100644 index 0000000000000000000000000000000000000000..6d6465f7f5d1794a2596c690c4133e6e5e551955 --- /dev/null +++ b/raw_data/earth/GODAS/2005.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:841d5ff39138b6dabb80f9d3a7cb01a2972b863d6902eca63ba773b5e19347fe +size 102697903 diff --git a/raw_data/earth/GODAS/2006.nc b/raw_data/earth/GODAS/2006.nc new file mode 100644 index 0000000000000000000000000000000000000000..a8aea559790029db86d6612ef73899f76ca886e9 --- /dev/null +++ b/raw_data/earth/GODAS/2006.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46de2ccdd9b3447d7dfb3d4eaa157a743ac7b6fdde08be36966eeff5ead7f150 +size 102655691 diff --git a/raw_data/earth/GODAS/2007.nc b/raw_data/earth/GODAS/2007.nc new file mode 100644 index 0000000000000000000000000000000000000000..94125f5c76fc57376552947fcb557cb80a893a83 --- /dev/null +++ b/raw_data/earth/GODAS/2007.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d82703183350b3308cdc24bf963d3c83bfa7442152a08ff66d60d64af6c58d2a +size 102606679 diff --git a/raw_data/earth/GODAS/2008.nc b/raw_data/earth/GODAS/2008.nc new file mode 100644 index 0000000000000000000000000000000000000000..d3de66ce394a1fafca84fac686d7c86c23e35d04 --- /dev/null +++ b/raw_data/earth/GODAS/2008.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22158731dcec77ced70da8044b348cc58602814cee8869fb1ab08bdc0732c480 +size 102808932 diff --git a/raw_data/earth/GODAS/2009.nc b/raw_data/earth/GODAS/2009.nc new file mode 100644 index 0000000000000000000000000000000000000000..2f14a237ba333ddb94bb712087333cf3d1a26ebe --- /dev/null +++ b/raw_data/earth/GODAS/2009.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e29b68223659c9c6499dd0288c6bfd01b03e15185256342d9cc3f6c340ce445d +size 102846147 diff --git a/raw_data/earth/GODAS/2010.nc b/raw_data/earth/GODAS/2010.nc new file mode 100644 index 0000000000000000000000000000000000000000..dba7250d554decce5a8e142b7667ddfc0a4f5793 --- /dev/null +++ b/raw_data/earth/GODAS/2010.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:502252b4cf5001c7e0032de61f5b27f5a246b33cfb3880c766b0cda370dec9cd +size 102954359 diff --git a/raw_data/earth/GODAS/2011.nc b/raw_data/earth/GODAS/2011.nc new file mode 100644 index 0000000000000000000000000000000000000000..b468a557927039b203d399629b5a2526dd4dfe78 --- /dev/null +++ b/raw_data/earth/GODAS/2011.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5913434d8fdfb29771945a82e618e52809af0cdff617a82030a9b6c2452b6ff +size 102961633 diff --git a/raw_data/earth/GODAS/2012.nc b/raw_data/earth/GODAS/2012.nc new file mode 100644 index 0000000000000000000000000000000000000000..3b1e52a0820bd97fca34702d271d9a02b49af65f --- /dev/null +++ b/raw_data/earth/GODAS/2012.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8faaa59a5a7e12daa4f12d7f7c7ea8fa910870b21c46549884a253b73e584ac1 +size 102891788 diff --git a/raw_data/earth/GODAS/2013.nc b/raw_data/earth/GODAS/2013.nc new file mode 100644 index 0000000000000000000000000000000000000000..3b9f98b37fe61d35bf9ec3b5a8fa5d7b418f8637 --- /dev/null +++ b/raw_data/earth/GODAS/2013.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:958575e0303f0e3c3fe7d49d462c1755922611a8c84b7cb43c07e0a62d055e83 +size 102735676 diff --git a/raw_data/earth/GODAS/2014.nc b/raw_data/earth/GODAS/2014.nc new file mode 100644 index 0000000000000000000000000000000000000000..3cbf8bbee898fcdcf7892f7fa07b870ec3bff816 --- /dev/null +++ b/raw_data/earth/GODAS/2014.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9997111776303b901e2c25ce7e3f66f493adabbdd98f8e8ba2069e1391c3b08 +size 102731507 diff --git a/raw_data/earth/GODAS/2015.nc b/raw_data/earth/GODAS/2015.nc new file mode 100644 index 0000000000000000000000000000000000000000..a2e92d90943bb874e90845a7a22a500c70c9919b --- /dev/null +++ b/raw_data/earth/GODAS/2015.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8466ef0dcdd08bc4a5184fecd7ca60ddbb5c3906e1fea70c608b8e5a25ab7c6a +size 102625234 diff --git a/raw_data/earth/GODAS/2016.nc b/raw_data/earth/GODAS/2016.nc new file mode 100644 index 0000000000000000000000000000000000000000..0e1654e12a94012c1833355ae8c2fd8bf97d782a --- /dev/null +++ b/raw_data/earth/GODAS/2016.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01c17d165c2f4b906f62d61724eaf64b3f8b0cf933b0229803aba1f47d6b56c0 +size 102604841 diff --git a/raw_data/earth/GODAS/2017.nc b/raw_data/earth/GODAS/2017.nc new file mode 100644 index 0000000000000000000000000000000000000000..12b30e7aa181b47534900d951f9c48d60d37f88f --- /dev/null +++ b/raw_data/earth/GODAS/2017.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d158723561d369c159562a6f962c2e075aabaef5ef021031efa21781682801f6 +size 102630382 diff --git a/raw_data/earth/GODAS/2018.nc b/raw_data/earth/GODAS/2018.nc new file mode 100644 index 0000000000000000000000000000000000000000..7916ff767478c5e97cb7dcfdbd6af118085da907 --- /dev/null +++ b/raw_data/earth/GODAS/2018.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5bb9ee9777fd7f3b3892e09b592f3d059f86b617040903d0230f9d74313f6a2 +size 102612913 diff --git a/raw_data/earth/GODAS/2019.nc b/raw_data/earth/GODAS/2019.nc new file mode 100644 index 0000000000000000000000000000000000000000..c0646332e10dd3f9ec7553c51f999b23642bdb07 --- /dev/null +++ b/raw_data/earth/GODAS/2019.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68b1c7b24adf902c38d09e327e515815dc2390ed4fa79ca1340ec104d206df6c +size 102570067 diff --git a/raw_data/earth/GODAS/2020.nc b/raw_data/earth/GODAS/2020.nc new file mode 100644 index 0000000000000000000000000000000000000000..f7387e11a7ea5a82e55dd9536294af8af0bb2c6e --- /dev/null +++ b/raw_data/earth/GODAS/2020.nc @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cad8f9cfacb391f0c6761e5ae00bde25f2122b542f12475db713b1aeeaec28cd +size 100512413 diff --git a/raw_data/life/L008/5otb.cif.gz b/raw_data/life/L008/5otb.cif.gz new file mode 100644 index 0000000000000000000000000000000000000000..c2218cbf8ea6f9b8bea57de9f8a24897bf5bc178 --- /dev/null +++ b/raw_data/life/L008/5otb.cif.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a25e039a31325ca34f6db40e53bf8801a327f58facf58e179821050d6d4860fe +size 946107 diff --git a/raw_data/life/L008/7ur9.cif.gz b/raw_data/life/L008/7ur9.cif.gz new file mode 100644 index 0000000000000000000000000000000000000000..cafa6468b43af0b0216f228811353395bc77b465 --- /dev/null +++ b/raw_data/life/L008/7ur9.cif.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd481beab3d89bcc4f2e908f01869239fc1cc4532c011a8445678672ca11adeb +size 318970 diff --git a/raw_data/life/L008/8vij.cif.gz b/raw_data/life/L008/8vij.cif.gz new file mode 100644 index 0000000000000000000000000000000000000000..01c42127a1f0e2c025314d02bcd12107af6e9e65 --- /dev/null +++ b/raw_data/life/L008/8vij.cif.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ecfd7d5e65376b19b87d28778bde86c34e9cbb1edef4fcb5e972f33d6a676621 +size 217136 diff --git a/raw_data/life/L008/8wnj.cif.gz b/raw_data/life/L008/8wnj.cif.gz new file mode 100644 index 0000000000000000000000000000000000000000..6af2d465ce7051b6dd4e63c8c92083a842d8e5f0 --- /dev/null +++ b/raw_data/life/L008/8wnj.cif.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:851db79855dc8a2dd1be9ac9d38e4482ef99c631fd42753612e9044f072389ee +size 405499 diff --git a/raw_data/life/L008/8xgu.cif.gz b/raw_data/life/L008/8xgu.cif.gz new file mode 100644 index 0000000000000000000000000000000000000000..851f97254a1f18d87e913d7baeb0f93103c7bcbb --- /dev/null +++ b/raw_data/life/L008/8xgu.cif.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c527f3309c8b737b7078a5cd5cadebb76902ea4a7bbe84a4d941ff59f15cb070 +size 221515