yolonas / my_first_yolonas_run /experiment_logs_May13_17_05_43.txt
Ryukijano's picture
Upload folder using huggingface_hub
5537b6c
raw
history blame
21.7 kB
--------- config parameters ----------
{
"arch_params": {
"schema": null
},
"checkpoint_params": {
"load_checkpoint": false,
"schema": null
},
"training_hyperparams": {
"lr_warmup_epochs": 3,
"lr_warmup_steps": 0,
"lr_cooldown_epochs": 0,
"warmup_initial_lr": 1e-06,
"cosine_final_lr_ratio": 0.1,
"optimizer": "Adam",
"optimizer_params": {
"weight_decay": 0.0001
},
"criterion_params": {},
"ema": true,
"batch_accumulate": 1,
"ema_params": {
"decay": 0.9,
"decay_type": "threshold"
},
"zero_weight_decay_on_bias_and_bn": true,
"load_opt_params": true,
"run_validation_freq": 1,
"save_model": true,
"metric_to_watch": "[email protected]",
"launch_tensorboard": false,
"tb_files_user_prompt": false,
"silent_mode": true,
"mixed_precision": true,
"tensorboard_port": null,
"save_ckpt_epoch_list": [],
"average_best_models": true,
"dataset_statistics": false,
"save_tensorboard_to_s3": false,
"lr_schedule_function": null,
"train_metrics_list": [],
"valid_metrics_list": [
"DetectionMetrics_050(\n (post_prediction_callback): PPYoloEPostPredictionCallback()\n)"
],
"greater_metric_to_watch_is_better": true,
"precise_bn": false,
"precise_bn_batch_size": null,
"seed": 42,
"lr_mode": "cosine",
"phase_callbacks": null,
"log_installed_packages": true,
"sg_logger": "base_sg_logger",
"sg_logger_params": {
"tb_files_user_prompt": false,
"project_name": "",
"launch_tensorboard": false,
"tensorboard_port": null,
"save_checkpoints_remote": false,
"save_tensorboard_remote": false,
"save_logs_remote": false
},
"warmup_mode": "linear_epoch_step",
"step_lr_update_freq": null,
"lr_updates": [],
"clip_grad_norm": null,
"pre_prediction_callback": null,
"ckpt_best_name": "ckpt_best.pth",
"enable_qat": false,
"resume": false,
"resume_path": null,
"ckpt_name": "ckpt_latest.pth",
"resume_strict_load": false,
"sync_bn": false,
"kill_ddp_pgroup_on_end": true,
"max_train_batches": null,
"max_valid_batches": null,
"schema": {
"type": "object",
"properties": {
"max_epochs": {
"type": "number",
"minimum": 1
},
"lr_decay_factor": {
"type": "number",
"minimum": 0,
"maximum": 1
},
"lr_warmup_epochs": {
"type": "number",
"minimum": 0,
"maximum": 10
},
"initial_lr": {
"type": "number",
"exclusiveMinimum": 0,
"maximum": 10
}
},
"if": {
"properties": {
"lr_mode": {
"const": "step"
}
}
},
"then": {
"required": [
"lr_updates",
"lr_decay_factor"
]
},
"required": [
"max_epochs",
"lr_mode",
"initial_lr",
"loss"
]
},
"initial_lr": 0.0005,
"max_epochs": 15,
"loss": "PPYoloELoss(\n (static_assigner): ATSSAssigner()\n (assigner): TaskAlignedAssigner()\n)"
},
"dataset_params": {
"train_dataset_params": {
"data_dir": "/content/New-pothole-detection-2",
"images_dir": "/content/New-pothole-detection-2/train/images",
"labels_dir": "/content/New-pothole-detection-2/train/labels",
"classes": [
"-1",
"0",
"Pothole",
"Potholes",
"bache",
"manhole",
"object",
"porthole",
"pothole",
"potholes"
],
"input_dim": "[640, 640]",
"cache_dir": null,
"cache": false,
"transforms": "[{'DetectionMosaic': {'input_dim': [640, 640], 'prob': 1.0}}, {'DetectionRandomAffine': {'degrees': 10.0, 'translate': 0.1, 'scales': [0.1, 2], 'shear': 2.0, 'target_size': [640, 640], 'filter_box_candidates': True, 'wh_thr': 2, 'area_thr': 0.1, 'ar_thr': 20}}, {'DetectionMixup': {'input_dim': [640, 640], 'mixup_scale': [0.5, 1.5], 'prob': 1.0, 'flip_prob': 0.5}}, {'DetectionHSV': {'prob': 1.0, 'hgain': 5, 'sgain': 30, 'vgain': 30}}, {'DetectionHorizontalFlip': {'prob': 0.5}}, {'DetectionPaddedRescale': {'input_dim': [640, 640], 'max_targets': 120}}, {'DetectionTargetsFormatTransform': {'input_dim': [640, 640], 'output_format': 'LABEL_CXCYWH'}}]",
"class_inclusion_list": null,
"max_num_samples": null
},
"train_dataloader_params": {
"batch_size": 16,
"num_workers": 2,
"shuffle": true,
"drop_last": true,
"pin_memory": true,
"collate_fn": "<super_gradients.training.utils.detection_utils.DetectionCollateFN object at 0x7f74b1f19660>"
},
"valid_dataset_params": {
"data_dir": "/content/New-pothole-detection-2",
"images_dir": "/content/New-pothole-detection-2/valid/images",
"labels_dir": "/content/New-pothole-detection-2/valid/labels",
"classes": [
"-1",
"0",
"Pothole",
"Potholes",
"bache",
"manhole",
"object",
"porthole",
"pothole",
"potholes"
],
"input_dim": "[640, 640]",
"cache_dir": null,
"cache": false,
"transforms": "[{'DetectionPaddedRescale': {'input_dim': [640, 640]}}, {'DetectionTargetsFormatTransform': {'max_targets': 50, 'input_dim': [640, 640], 'output_format': 'LABEL_CXCYWH'}}]",
"class_inclusion_list": null,
"max_num_samples": null
},
"valid_dataloader_params": {
"batch_size": 16,
"num_workers": 2,
"drop_last": false,
"pin_memory": true,
"collate_fn": "<super_gradients.training.utils.detection_utils.DetectionCollateFN object at 0x7f74b17472b0>"
},
"schema": null
},
"additional_log_items": {
"initial_LR": 0.0005,
"num_devices": 1,
"multi_gpu": "None",
"device_type": "Tesla T4",
"installed_packages": [
"Babel 2.12.1",
"CacheControl 0.12.11",
"Cython 0.29.34",
"Deprecated 1.2.13",
"Flask 2.2.4",
"GDAL 3.3.2",
"Jinja2 3.1.2",
"LunarCalendar 0.0.9",
"Markdown 3.4.3",
"MarkupSafe 2.1.2",
"Pillow 9.5.0",
"PyDrive 1.3.1",
"PyMeeus 0.5.12",
"PyOpenGL 3.1.6",
"PySocks 1.7.1",
"PyWavelets 1.4.1",
"PyYAML 6.0",
"Pygments 2.14.0",
"SQLAlchemy 2.0.10",
"Send2Trash 1.8.0",
"Sphinx 4.0.3",
"Werkzeug 2.3.0",
"absl-py 1.4.0",
"alabaster 0.7.13",
"albumentations 1.2.1",
"altair 4.2.2",
"antlr4-python3-runtime 4.9.3",
"anyio 3.6.2",
"appdirs 1.4.4",
"argon2-cffi 21.3.0",
"argon2-cffi-bindings 21.2.0",
"array-record 0.2.0",
"arviz 0.15.1",
"astropy 5.2.2",
"astunparse 1.6.3",
"attrs 23.1.0",
"audioread 3.0.0",
"autograd 1.5",
"backcall 0.2.0",
"beautifulsoup4 4.11.2",
"bleach 6.0.0",
"blis 0.7.9",
"blosc2 2.0.0",
"bokeh 2.4.3",
"boto3 1.26.133",
"botocore 1.29.133",
"branca 0.6.0",
"build 0.10.0",
"cached-property 1.5.2",
"cachetools 5.3.0",
"catalogue 2.0.8",
"certifi 2022.12.7",
"cffi 1.15.1",
"chardet 4.0.0",
"charset-normalizer 2.0.12",
"chex 0.1.7",
"click 8.1.3",
"cloudpickle 2.2.1",
"cmake 3.25.2",
"cmdstanpy 1.1.0",
"colorcet 3.0.1",
"coloredlogs 15.0.1",
"colorlover 0.3.0",
"community 1.0.0b1",
"confection 0.0.4",
"cons 0.4.5",
"contextlib2 0.6.0.post1",
"contourpy 1.0.7",
"convertdate 2.4.0",
"coverage 5.3.1",
"cryptography 40.0.2",
"cufflinks 0.17.3",
"cupy-cuda11x 11.0.0",
"cvxopt 1.3.0",
"cvxpy 1.3.1",
"cycler 0.10.0",
"cymem 2.0.7",
"dask 2022.12.1",
"datascience 0.17.6",
"db-dtypes 1.1.1",
"debugpy 1.6.6",
"decorator 4.4.2",
"defusedxml 0.7.1",
"distributed 2022.12.1",
"dlib 19.24.1",
"dm-tree 0.1.8",
"docutils 0.16",
"dopamine-rl 4.0.6",
"duckdb 0.7.1",
"earthengine-api 0.1.350",
"easydict 1.10",
"ecos 2.0.12",
"editdistance 0.6.2",
"einops 0.3.2",
"en-core-web-sm 3.5.0",
"entrypoints 0.4",
"ephem 4.1.4",
"et-xmlfile 1.1.0",
"etils 1.2.0",
"etuples 0.3.8",
"exceptiongroup 1.1.1",
"fastai 2.7.12",
"fastcore 1.5.29",
"fastdownload 0.0.7",
"fastjsonschema 2.16.3",
"fastprogress 1.0.3",
"fastrlock 0.8.1",
"filelock 3.12.0",
"firebase-admin 5.3.0",
"flatbuffers 23.3.3",
"flax 0.6.9",
"folium 0.14.0",
"fonttools 4.39.3",
"frozendict 2.3.7",
"fsspec 2023.4.0",
"future 0.18.3",
"gast 0.4.0",
"gdown 4.6.6",
"gensim 4.3.1",
"geographiclib 2.0",
"geopy 2.3.0",
"gin-config 0.5.0",
"glob2 0.7",
"google 2.0.3",
"google-api-core 2.11.0",
"google-api-python-client 2.84.0",
"google-auth 2.17.3",
"google-auth-httplib2 0.1.0",
"google-auth-oauthlib 1.0.0",
"google-cloud-bigquery 3.9.0",
"google-cloud-bigquery-storage 2.19.1",
"google-cloud-core 2.3.2",
"google-cloud-datastore 2.15.1",
"google-cloud-firestore 2.11.0",
"google-cloud-language 2.9.1",
"google-cloud-storage 2.8.0",
"google-cloud-translate 3.11.1",
"google-colab 1.0.0",
"google-crc32c 1.5.0",
"google-pasta 0.2.0",
"google-resumable-media 2.5.0",
"googleapis-common-protos 1.59.0",
"googledrivedownloader 0.4",
"graphviz 0.20.1",
"greenlet 2.0.2",
"grpcio 1.54.0",
"grpcio-status 1.48.2",
"gspread 3.4.2",
"gspread-dataframe 3.0.8",
"gym 0.25.2",
"gym-notices 0.0.8",
"h5netcdf 1.1.0",
"h5py 3.8.0",
"hijri-converter 2.3.1",
"holidays 0.23",
"holoviews 1.15.4",
"html5lib 1.1",
"httpimport 1.3.0",
"httplib2 0.21.0",
"humanfriendly 10.0",
"humanize 4.6.0",
"hydra-core 1.3.2",
"hyperopt 0.2.7",
"idna 2.10",
"imageio 2.25.1",
"imageio-ffmpeg 0.4.8",
"imagesize 1.4.1",
"imbalanced-learn 0.10.1",
"imgaug 0.4.0",
"importlib-resources 5.12.0",
"imutils 0.5.4",
"inflect 6.0.4",
"iniconfig 2.0.0",
"intel-openmp 2023.1.0",
"ipykernel 5.5.6",
"ipython 7.34.0",
"ipython-genutils 0.2.0",
"ipython-sql 0.4.1",
"ipywidgets 7.7.1",
"itsdangerous 2.1.2",
"jax 0.4.8",
"jaxlib 0.4.7+cuda11.cudnn86",
"jieba 0.42.1",
"jmespath 1.0.1",
"joblib 1.2.0",
"json-tricks 3.16.1",
"jsonpickle 3.0.1",
"jsonschema 4.3.3",
"jupyter-client 6.1.12",
"jupyter-console 6.1.0",
"jupyter-core 5.3.0",
"jupyter-server 1.24.0",
"jupyterlab-pygments 0.2.2",
"jupyterlab-widgets 3.0.7",
"kaggle 1.5.13",
"keras 2.12.0",
"kiwisolver 1.4.4",
"korean-lunar-calendar 0.3.1",
"langcodes 3.3.0",
"lazy-loader 0.2",
"libclang 16.0.0",
"librosa 0.10.0.post2",
"lightgbm 3.3.5",
"lit 16.0.3",
"llvmlite 0.39.1",
"locket 1.0.0",
"logical-unification 0.4.5",
"lxml 4.9.2",
"markdown-it-py 2.2.0",
"matplotlib 3.7.1",
"matplotlib-inline 0.1.6",
"matplotlib-venn 0.11.9",
"mdurl 0.1.2",
"miniKanren 1.0.3",
"missingno 0.5.2",
"mistune 0.8.4",
"mizani 0.8.1",
"mkl 2019.0",
"ml-dtypes 0.1.0",
"mlxtend 0.14.0",
"more-itertools 9.1.0",
"moviepy 1.0.3",
"mpmath 1.3.0",
"msgpack 1.0.5",
"multipledispatch 0.6.0",
"multitasking 0.0.11",
"murmurhash 1.0.9",
"music21 8.1.0",
"natsort 8.3.1",
"nbclient 0.7.4",
"nbconvert 6.5.4",
"nbformat 5.8.0",
"nest-asyncio 1.5.6",
"networkx 3.1",
"nibabel 3.0.2",
"nltk 3.8.1",
"notebook 6.4.8",
"numba 0.56.4",
"numexpr 2.8.4",
"numpy 1.22.4",
"nvidia-cublas-cu11 11.10.3.66",
"nvidia-cuda-nvrtc-cu11 11.7.99",
"nvidia-cuda-runtime-cu11 11.7.99",
"nvidia-cudnn-cu11 8.5.0.96",
"oauth2client 4.1.3",
"oauthlib 3.2.2",
"omegaconf 2.3.0",
"onnx 1.13.0",
"onnx-simplifier 0.4.28",
"onnxruntime 1.13.1",
"opencv-contrib-python 4.7.0.72",
"opencv-python 4.7.0.72",
"opencv-python-headless 4.7.0.72",
"openpyxl 3.0.10",
"opt-einsum 3.3.0",
"optax 0.1.5",
"orbax-checkpoint 0.2.1",
"osqp 0.6.2.post8",
"packaging 23.1",
"palettable 3.3.3",
"pandas 1.5.3",
"pandas-datareader 0.10.0",
"pandas-gbq 0.17.9",
"pandocfilters 1.5.0",
"panel 0.14.4",
"param 1.13.0",
"parso 0.8.3",
"partd 1.4.0",
"pathlib 1.0.1",
"pathy 0.10.1",
"patsy 0.5.3",
"pexpect 4.8.0",
"pickleshare 0.7.5",
"pip 23.1.2",
"pip-tools 6.13.0",
"platformdirs 3.3.0",
"plotly 5.13.1",
"plotnine 0.10.1",
"pluggy 1.0.0",
"polars 0.17.3",
"pooch 1.6.0",
"portpicker 1.3.9",
"prefetch-generator 1.0.3",
"preshed 3.0.8",
"prettytable 0.7.2",
"proglog 0.1.10",
"progressbar2 4.2.0",
"prometheus-client 0.16.0",
"promise 2.3",
"prompt-toolkit 3.0.38",
"prophet 1.1.2",
"proto-plus 1.22.2",
"protobuf 3.20.3",
"psutil 5.9.5",
"psycopg2 2.9.6",
"ptyprocess 0.7.0",
"py4j 0.10.9.7",
"pyDeprecate 0.3.2",
"py-cpuinfo 9.0.0",
"pyarrow 9.0.0",
"pyasn1 0.5.0",
"pyasn1-modules 0.3.0",
"pycocotools 2.0.4",
"pycparser 2.21",
"pyct 0.5.0",
"pydantic 1.10.7",
"pydata-google-auth 1.7.0",
"pydot 1.4.2",
"pydot-ng 2.0.0",
"pydotplus 2.0.2",
"pyerfa 2.0.0.3",
"pygame 2.3.0",
"pymc 5.1.2",
"pymystem3 0.2.0",
"pyparsing 2.4.7",
"pyproject-hooks 1.0.0",
"pyrsistent 0.19.3",
"pytensor 2.10.1",
"pytest 7.2.2",
"python-apt 0.0.0",
"python-dateutil 2.8.2",
"python-dotenv 1.0.0",
"python-louvain 0.16",
"python-slugify 8.0.1",
"python-utils 3.5.2",
"pytube 15.0.0",
"pytz 2022.7.1",
"pytz-deprecation-shim 0.1.0.post0",
"pyviz-comms 2.2.1",
"pyzmq 23.2.1",
"qdldl 0.1.7",
"qudida 0.0.4",
"rapidfuzz 3.0.0",
"regex 2022.10.31",
"requests 2.27.1",
"requests-oauthlib 1.3.1",
"requests-toolbelt 1.0.0",
"requirements-parser 0.5.0",
"rich 13.3.4",
"roboflow 1.0.8",
"rpy2 3.5.5",
"rsa 4.9",
"s3transfer 0.6.1",
"scikit-image 0.19.3",
"scikit-learn 1.2.2",
"scipy 1.10.1",
"scs 3.2.3",
"seaborn 0.12.2",
"setuptools 67.7.2",
"shapely 2.0.1",
"six 1.16.0",
"sklearn-pandas 2.2.0",
"smart-open 6.3.0",
"sniffio 1.3.0",
"snowballstemmer 2.2.0",
"sortedcontainers 2.4.0",
"soundfile 0.12.1",
"soupsieve 2.4.1",
"soxr 0.3.5",
"spacy 3.5.2",
"spacy-legacy 3.0.12",
"spacy-loggers 1.0.4",
"sphinx-rtd-theme 1.2.0",
"sphinxcontrib-applehelp 1.0.4",
"sphinxcontrib-devhelp 1.0.2",
"sphinxcontrib-htmlhelp 2.0.1",
"sphinxcontrib-jquery 4.1",
"sphinxcontrib-jsmath 1.0.1",
"sphinxcontrib-qthelp 1.0.3",
"sphinxcontrib-serializinghtml 1.1.5",
"sqlparse 0.4.4",
"srsly 2.4.6",
"statsmodels 0.13.5",
"stringcase 1.2.0",
"super-gradients 3.1.0",
"sympy 1.11.1",
"tables 3.8.0",
"tabulate 0.8.10",
"tblib 1.7.0",
"tenacity 8.2.2",
"tensorboard 2.12.2",
"tensorboard-data-server 0.7.0",
"tensorboard-plugin-wit 1.8.1",
"tensorflow 2.12.0",
"tensorflow-datasets 4.9.2",
"tensorflow-estimator 2.12.0",
"tensorflow-gcs-config 2.12.0",
"tensorflow-hub 0.13.0",
"tensorflow-io-gcs-filesystem 0.32.0",
"tensorflow-metadata 1.13.1",
"tensorflow-probability 0.19.0",
"tensorstore 0.1.36",
"termcolor 1.1.0",
"terminado 0.17.1",
"text-unidecode 1.3",
"textblob 0.17.1",
"tf-slim 1.1.0",
"thinc 8.1.9",
"threadpoolctl 3.1.0",
"tifffile 2023.4.12",
"tinycss2 1.2.1",
"toml 0.10.2",
"tomli 2.0.1",
"toolz 0.12.0",
"torch 1.13.1",
"torchaudio 2.0.1+cu118",
"torchdata 0.6.0",
"torchinfo 1.7.2",
"torchmetrics 0.8.0",
"torchsummary 1.5.1",
"torchtext 0.15.1",
"torchvision 0.14.1",
"tornado 6.3.1",
"tqdm 4.65.0",
"traitlets 5.7.1",
"treelib 1.6.1",
"triton 2.0.0",
"tweepy 4.13.0",
"typer 0.7.0",
"types-setuptools 67.7.0.2",
"typing-extensions 4.5.0",
"tzdata 2023.3",
"tzlocal 4.3",
"uritemplate 4.1.1",
"urllib3 1.26.15",
"vega-datasets 0.9.0",
"wasabi 1.1.1",
"wcwidth 0.2.6",
"webcolors 1.13",
"webencodings 0.5.1",
"websocket-client 1.5.1",
"wget 3.2",
"wheel 0.40.0",
"widgetsnbextension 3.6.4",
"wordcloud 1.8.2.2",
"wrapt 1.14.1",
"xarray 2022.12.0",
"xarray-einstats 0.5.1",
"xgboost 1.7.5",
"xlrd 2.0.1",
"yellowbrick 1.5",
"yfinance 0.2.18",
"youtube-dl 2021.12.17",
"zict 3.0.0",
"zipp 3.15.0",
"PyGObject 3.36.0",
"dbus-python 1.2.16",
"requests-unixsocket 0.2.0"
]
}
}
------- config parameters end --------