hf-transformers-bot commited on
Commit
27235b3
·
verified ·
1 Parent(s): 1a795d1

Upload 2025-06-18/runs/58-15738271442/ci_results_run_examples_gpu/example_results.json with huggingface_hub

Browse files
2025-06-18/runs/58-15738271442/ci_results_run_examples_gpu/example_results.json ADDED
@@ -0,0 +1,45 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "failed": {
3
+ "unclassified": 0,
4
+ "single": 7,
5
+ "multi": 0
6
+ },
7
+ "success": 24,
8
+ "time_spent": "0:08:19, ",
9
+ "error": false,
10
+ "failures": {
11
+ "single": [
12
+ {
13
+ "line": "examples/pytorch/test_accelerate_examples.py::ExamplesTestsNoTrainer::test_run_image_classification_no_trainer",
14
+ "trace": "(line 2585) transformers.testing_utils.SubprocessCallException: Command `accelerate launch --config_file /tmp/tmpf4b_9z8u/default_config.yml /__w/transformers/transformers/examples/pytorch/image-classification/run_image_classification_no_trainer.py --model_name_or_path google/vit-base-patch16-224-in21k --dataset_name hf-internal-testing/cats_vs_dogs_sample --trust_remote_code --learning_rate 1e-4 --per_device_train_batch_size 2 --per_device_eval_batch_size 1 --max_train_steps 2 --train_val_split 0.1 --seed 42 --output_dir /tmp/tmprexwiema --with_tracking --checkpointing_steps 1 --label_column_name labels` failed with the following error:"
15
+ },
16
+ {
17
+ "line": "examples/pytorch/test_accelerate_examples.py::ExamplesTestsNoTrainer::test_run_instance_segmentation_no_trainer",
18
+ "trace": "(line 2585) transformers.testing_utils.SubprocessCallException: Command `accelerate launch --config_file /tmp/tmpf4b_9z8u/default_config.yml /__w/transformers/transformers/examples/pytorch/instance-segmentation/run_instance_segmentation_no_trainer.py --model_name_or_path qubvel-hf/finetune-instance-segmentation-ade20k-mini-mask2former --output_dir /tmp/tmpqdu_ixec --dataset_name qubvel-hf/ade20k-nano --do_reduce_labels --image_height 256 --image_width 256 --num_train_epochs 1 --per_device_train_batch_size 2 --per_device_eval_batch_size 1 --seed 1234` failed with the following error:"
19
+ },
20
+ {
21
+ "line": "examples/pytorch/test_accelerate_examples.py::ExamplesTestsNoTrainer::test_run_object_detection_no_trainer",
22
+ "trace": "(line 2585) transformers.testing_utils.SubprocessCallException: Command `accelerate launch --config_file /tmp/tmpf4b_9z8u/default_config.yml /__w/transformers/transformers/examples/pytorch/object-detection/run_object_detection_no_trainer.py --model_name_or_path qubvel-hf/detr-resnet-50-finetuned-10k-cppe5 --dataset_name qubvel-hf/cppe-5-sample --output_dir /tmp/tmpjl9hhyg8 --max_train_steps=10 --num_warmup_steps=2 --learning_rate=1e-6 --per_device_train_batch_size=2 --per_device_eval_batch_size=1 --checkpointing_steps epoch` failed with the following error:"
23
+ },
24
+ {
25
+ "line": "examples/pytorch/test_accelerate_examples.py::ExamplesTestsNoTrainer::test_run_semantic_segmentation_no_trainer",
26
+ "trace": "(line 2585) transformers.testing_utils.SubprocessCallException: Command `accelerate launch --config_file /tmp/tmpf4b_9z8u/default_config.yml /__w/transformers/transformers/examples/pytorch/semantic-segmentation/run_semantic_segmentation_no_trainer.py --dataset_name huggingface/semantic-segmentation-test-sample --output_dir /tmp/tmp2prlaml_ --max_train_steps=10 --num_warmup_steps=2 --learning_rate=2e-4 --per_device_train_batch_size=2 --per_device_eval_batch_size=1 --checkpointing_steps epoch` failed with the following error:"
27
+ },
28
+ {
29
+ "line": "examples/pytorch/test_accelerate_examples.py::ExamplesTestsNoTrainer::test_run_summarization_no_trainer",
30
+ "trace": "(line 2585) transformers.testing_utils.SubprocessCallException: Command `accelerate launch --config_file /tmp/tmpf4b_9z8u/default_config.yml /__w/transformers/transformers/examples/pytorch/summarization/run_summarization_no_trainer.py --model_name_or_path google-t5/t5-small --train_file tests/fixtures/tests_samples/xsum/sample.json --validation_file tests/fixtures/tests_samples/xsum/sample.json --output_dir /tmp/tmpov6mtshp --max_train_steps=50 --num_warmup_steps=8 --learning_rate=2e-4 --per_device_train_batch_size=2 --per_device_eval_batch_size=1 --checkpointing_steps epoch --with_tracking` failed with the following error:"
31
+ },
32
+ {
33
+ "line": "examples/pytorch/test_accelerate_examples.py::ExamplesTestsNoTrainer::test_run_translation_no_trainer",
34
+ "trace": "(line 2585) transformers.testing_utils.SubprocessCallException: Command `accelerate launch --config_file /tmp/tmpf4b_9z8u/default_config.yml /__w/transformers/transformers/examples/pytorch/translation/run_translation_no_trainer.py --model_name_or_path sshleifer/student_marian_en_ro_6_1 --source_lang en --target_lang ro --train_file tests/fixtures/tests_samples/wmt16/sample.json --validation_file tests/fixtures/tests_samples/wmt16/sample.json --output_dir /tmp/tmp4tym04sq --max_train_steps=50 --num_warmup_steps=8 --num_beams=6 --learning_rate=3e-3 --per_device_train_batch_size=2 --per_device_eval_batch_size=1 --source_lang en_XX --target_lang ro_RO --checkpointing_steps epoch --with_tracking` failed with the following error:"
35
+ },
36
+ {
37
+ "line": "examples/pytorch/test_pytorch_examples.py::ExamplesTests::test_run_instance_segmentation",
38
+ "trace": "(line 446) RuntimeError: Graph compile failed. synStatus=synStatus 26 [Generic failure]."
39
+ }
40
+ ]
41
+ },
42
+ "job_link": {
43
+ "single": "https://github.com/huggingface/transformers/actions/runs/15738271442/job/44356724977"
44
+ }
45
+ }