I am trying to run the train_detection.py script in
https://docs.prophesee.ai/stable/samples/modules/ml/train_detection.html#chapter-samples-ml-train-detection and I run it with the "toy_problem" path as shown below:
python train_detection.py . toy_problem
but this is generating a http 404 error. Ive copied the error output below. It seems like the kdrive link it is trying to reach out to to download the MNIST dataset doesnt exist and causes the 404 error. Is there an updated link I should replace the current link with in the script? Any help would be appreciated.
/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/lightning_fabric/connector.py:571: `precision=16` is supported for historical reasons but its usage is discouraged. Please set your precision to 16-mixed instead!
Using 16bit Automatic Mixed Precision (AMP)
GPU available: True (cuda), used: True
TPU available: False, using: 0 TPU cores
HPU available: False, using: 0 HPUs
`Trainer(limit_train_batches=1.0)` was configured so 100% of the batches per epoch will be used..
`Trainer(limit_val_batches=1.0)` was configured so 100% of the batches will be used..
`Trainer(limit_test_batches=1.0)` was configured so 100% of the batches will be used..
You are using a CUDA device ('NVIDIA RTX 4000 Ada Generation Laptop GPU') that has Tensor Cores. To properly utilize them, you should set `torch.set_float32_matmul_precision('medium' | 'high')` which will trade-off precision for performance. For more details, read
https://pytorch.org/docs/stable/generated/torch.set_float32_matmul_precision.html#torch.set_float32_matmul_precisionLOCAL_RANK: 0 - CUDA_VISIBLE_DEVICES: [0]
No Learning Rate Scheduler
/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/utilities/model_summary/model_summary.py:231: Precision 16-mixed is not supported by the model summary. Estimated model size in MB will not be accurate. Using 32 bits instead.
| Name | Type | Params | Mode
---------------------------------------------------------
0 | detector | SingleStageDetector | 6.4 M | train
---------------------------------------------------------
6.4 M Trainable params
0 Non-trainable params
6.4 M Total params
25.477 Total estimated model params size (MB)
108 Modules in train mode
0 Modules in eval mode
Sanity Checking: | | 0/? [00:00<?, ?it/s]downloading dataset: ./MNIST.zip
downloading dataset: ./MNIST.zip
Traceback (most recent call last):
File "/home/allen/code/proheese-camera/python_samples/train_detection/train_detection.py", line 238, in <module>
train(params)
File "/home/allen/code/proheese-camera/python_samples/train_detection/train_detection.py", line 231, in train
trainer.fit(model, ckpt_path=ckpt)
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/trainer/trainer.py", line 560, in fit
call._call_and_handle_interrupt(
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/trainer/call.py", line 49, in _call_and_handle_interrupt
return trainer_fn(*args, **kwargs)
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/trainer/trainer.py", line 598, in _fit_impl
self._run(model, ckpt_path=ckpt_path)
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/trainer/trainer.py", line 1011, in _run
results = self._run_stage()
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/trainer/trainer.py", line 1053, in _run_stage
self._run_sanity_check()
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/trainer/trainer.py", line 1082, in _run_sanity_check
val_loop.run()
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/loops/utilities.py", line 179, in _decorator
return loop_run(self, *args, **kwargs)
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/loops/evaluation_loop.py", line 138, in run
batch, batch_idx, dataloader_idx = next(data_fetcher)
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/loops/fetchers.py", line 134, in __next__
batch = super().__next__()
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/loops/fetchers.py", line 61, in __next__
batch = next(self.iterator)
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/utilities/combined_loader.py", line 341, in __next__
out = next(self._iterator)
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/pytorch_lightning/utilities/combined_loader.py", line 142, in __next__
out = next(self.iterators[0])
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/metavision_core_ml/data/stream_dataloader.py", line 254, in __iter__
for data in self.dataloader:
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/torch/utils/data/dataloader.py", line 734, in __next__
data = self._next_data()
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/torch/utils/data/dataloader.py", line 1516, in _next_data
return self._process_data(data, worker_id)
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/torch/utils/data/dataloader.py", line 1551, in _process_data
data.reraise()
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/torch/_utils.py", line 768, in reraise
raise RuntimeError(msg) from None
RuntimeError: Caught HTTPError in DataLoader worker process 0.
Original Traceback (most recent call last):
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/torch/utils/data/_utils/worker.py", line 349, in _worker_loop
data = fetcher.fetch(index) # type: ignore[possibly-undefined]
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/torch/utils/data/_utils/fetch.py", line 42, in fetch
data = next(self.dataset_iter)
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/metavision_core_ml/data/stream_dataloader.py", line 171, in __iter__
iterators = [iter(self.streamer(stream_list[i])) for i in range(split_size)]
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/metavision_core_ml/data/stream_dataloader.py", line 171, in <listcomp>
iterators = [iter(self.streamer(stream_list[i])) for i in range(split_size)]
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/metavision_ml/data/moving_mnist.py", line 182, in iterator_fun
def iterator_fun(idx): return MovingMnist(idx, tbins, height, width, train, max_frames_per_video,
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/metavision_ml/data/moving_mnist.py", line 61, in __init__
get_MNIST(folder=data_caching_path)
File "/home/allen/.pyenv/versions/metavision/lib/python3.10/site-packages/metavision_ml/data/moving_mnist.py", line 153, in get_MNIST
urlretrieve("
https://kdrive.infomaniak.com/2/app/975517/share/3c529307-3cec-4fc6-bbb3-87a95c6ef6cf/files/12275/download", filename=sample_path)
File "/home/allen/.pyenv/versions/3.10.12/lib/python3.10/urllib/request.py", line 241, in urlretrieve
with contextlib.closing(urlopen(url, data)) as fp:
File "/home/allen/.pyenv/versions/3.10.12/lib/python3.10/urllib/request.py", line 216, in urlopen
return opener.open(url, data, timeout)
File "/home/allen/.pyenv/versions/3.10.12/lib/python3.10/urllib/request.py", line 525, in open
response = meth(req, response)
File "/home/allen/.pyenv/versions/3.10.12/lib/python3.10/urllib/request.py", line 634, in http_response
response = self.parent.error(
File "/home/allen/.pyenv/versions/3.10.12/lib/python3.10/urllib/request.py", line 563, in error
return self._call_chain(*args)
File "/home/allen/.pyenv/versions/3.10.12/lib/python3.10/urllib/request.py", line 496, in _call_chain
result = func(*args)
File "/home/allen/.pyenv/versions/3.10.12/lib/python3.10/urllib/request.py", line 643, in http_error_default
raise HTTPError(req.full_url, code, msg, hdrs, fp)
urllib.error.HTTPError: HTTP Error 404: Not Found