ultralytics / yolov3

YOLOv3 in PyTorch > ONNX > CoreML > TFLite
https://docs.ultralytics.com
GNU Affero General Public License v3.0
10.22k stars 3.45k forks source link

SummaryWriter issue #1170

Closed jingweirobot closed 4 years ago

jingweirobot commented 4 years ago

~/yolov3$ python3 train.py --batch-size 8

Apex recommended for faster mixed precision training: https://github.com/NVIDIA/apex Your branch is behind 'origin/master' by 8 commits, and can be fast-forwarded. (use "git pull" to update your local branch)

Namespace(adam=False, batch_size=8, bucket='', cache_images=False, cfg='cfg/yolov3-spp.cfg', data='data/coco2017.data', device='', epochs=1, evolve=False, img_size=[320, 640], multi_scale=False, name='', nosave=False, notest=False, rect=False, resume=False, single_cls=False, weights='weights/yolov3-spp-ultralytics.pt') Using CUDA device0 _CudaDeviceProperties(name='GeForce RTX 2080 Ti', total_memory=11016MB)

Start Tensorboard with "tensorboard --logdir=runs", view at http://localhost:6006/ Traceback (most recent call last): File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorboard/compat/init.py", line 47, in tf from tensorboard.compat import notf ImportError: cannot import name 'notf' from 'tensorboard.compat' (/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorboard/compat/init.py)

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "train.py", line 415, in tb_writer = SummaryWriter(comment=opt.name) File "/home/jingwei/miniconda3/lib/python3.7/site-packages/torch/utils/tensorboard/writer.py", line 225, in init self._get_file_writer() File "/home/jingwei/miniconda3/lib/python3.7/site-packages/torch/utils/tensorboard/writer.py", line 256, in _get_file_writer self.flush_secs, self.filename_suffix) File "/home/jingwei/miniconda3/lib/python3.7/site-packages/torch/utils/tensorboard/writer.py", line 66, in init log_dir, max_queue, flush_secs, filename_suffix) File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorboard/summary/writer/event_file_writer.py", line 76, in init if not tf.io.gfile.exists(logdir): File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorboard/lazy.py", line 68, in getattr return getattr(load_once(self), attr_name) File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorboard/lazy.py", line 100, in wrapper cache[arg] = f(arg) File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorboard/lazy.py", line 53, in load_once module = load_fn() File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorboard/compat/init.py", line 50, in tf import tensorflow File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorflow/init.py", line 41, in from tensorflow.python.tools import module_util as _module_util File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorflow/python/init.py", line 84, in from tensorflow.python import keras File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorflow/python/keras/init.py", line 27, in from tensorflow.python.keras import models File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorflow/python/keras/models.py", line 26, in from tensorflow.python.keras.engine import network File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorflow/python/keras/engine/network.py", line 44, in from tensorflow.python.keras.engine import input_layer as input_layer_module File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorflow/python/keras/engine/input_layer.py", line 25, in from tensorflow.python.keras.distribute import distributed_training_utils File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorflow/python/keras/distribute/distributed_training_utils.py", line 38, in from tensorflow.python.keras import callbacks File "/home/jingwei/miniconda3/lib/python3.7/site-packages/tensorflow/python/keras/callbacks.py", line 62, in import requests File "/home/jingwei/miniconda3/lib/python3.7/site-packages/requests/init.py", line 95, in from urllib3.contrib import pyopenssl File "/home/jingwei/miniconda3/lib/python3.7/site-packages/urllib3/contrib/pyopenssl.py", line 46, in import OpenSSL.SSL File "/home/jingwei/miniconda3/lib/python3.7/site-packages/OpenSSL/init.py", line 8, in from OpenSSL import crypto, SSL File "/home/jingwei/miniconda3/lib/python3.7/site-packages/OpenSSL/crypto.py", line 15, in from OpenSSL._util import ( File "/home/jingwei/miniconda3/lib/python3.7/site-packages/OpenSSL/_util.py", line 6, in from cryptography.hazmat.bindings.openssl.binding import Binding File "/home/jingwei/miniconda3/lib/python3.7/site-packages/cryptography/hazmat/bindings/openssl/binding.py", line 195, in Binding.init_static_locks() File "/home/jingwei/miniconda3/lib/python3.7/site-packages/cryptography/hazmat/bindings/openssl/binding.py", line 139, in init_static_locks cls._ensure_ffi_initialized() File "/home/jingwei/miniconda3/lib/python3.7/site-packages/cryptography/hazmat/bindings/openssl/binding.py", line 134, in _ensure_ffi_initialized cls._register_osrandom_engine() File "/home/jingwei/miniconda3/lib/python3.7/site-packages/cryptography/hazmat/bindings/openssl/binding.py", line 120, in _register_osrandom_engine _openssl_assert(cls.lib, result in (1, 2)) File "/home/jingwei/miniconda3/lib/python3.7/site-packages/cryptography/hazmat/bindings/openssl/binding.py", line 78, in _openssl_assert errors_with_text cryptography.exceptions.InternalError: Unknown OpenSSL error. This error is commonly encountered when another library is not cleaning up the OpenSSL error stack. If you are using cryptography with another library that uses OpenSSL try disabling it before reporting a bug. Otherwise please file an issue at https://github.com/pyca/cryptography/issues with information on how to reproduce this. ([]) Segmentation fault (core dumped)

jingweirobot commented 4 years ago

Dear Author Three days, I asked you a question. I could not get the result files since I commented out several lines about" SummaryWriter". If I did not comment out these lines, I would meet the errors above. That is, when I run the code from your repository(I do not change any thing), I meet this issue. Could you tell me how to solve this issue? Thanks a lot. By the way, if I can run this successfully, I will get some txt files. Do you also release a script to draw these results.txt files?

Best regards Jingwei

glenn-jocher commented 4 years ago

@jingweirobot you have environment issues unrelated to this repo. You need to install the latest versions of all requirements.txt dependencies. I'll also link you to working environments here:

Reproduce Our Environment

To access an up-to-date working environment (with all dependencies including CUDA/CUDNN, Python and PyTorch preinstalled), consider a:

tim120526 commented 4 years ago

Dear Author Three days, I asked you a question. I could not get the result files since I commented out several lines about" SummaryWriter". If I did not comment out these lines, I would meet the errors above. That is, when I run the code from your repository(I do not change any thing), I meet this issue. Could you tell me how to solve this issue? Thanks a lot. By the way, if I can run this successfully, I will get some txt files. Do you also release a script to draw these results.txt files?

Best regards Jingwei

Hi!have you solved the problem?

glenn-jocher commented 4 years ago

utils.utils.plot_results() plots results.txt files, as the readme clearly states.

mahartariq commented 2 years ago

TensorBoard: Start with 'tensorboard --logdir runs/train', view at http://localhost:6006/ Traceback (most recent call last): File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorboard/compat/init.py", line 47, in tf from tensorboard.compat import notf ImportError: cannot import name 'notf' from 'tensorboard.compat' (/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorboard/compat/init.py)

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "train.py", line 638, in main(opt) File "train.py", line 535, in main train(opt.hyp, opt, device, callbacks) File "train.py", line 95, in train loggers = Loggers(save_dir, weights, opt, hyp, LOGGER) # loggers instance File "/home/mahartariq/Desktop/yolov5_ws/yolov5/utils/loggers/init.py", line 66, in init self.tb = SummaryWriter(str(s)) File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/torch/utils/tensorboard/writer.py", line 220, in init self._get_file_writer() File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/torch/utils/tensorboard/writer.py", line 250, in _get_file_writer self.file_writer = FileWriter(self.log_dir, self.max_queue, File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/torch/utils/tensorboard/writer.py", line 60, in init self.event_writer = EventFileWriter( File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorboard/summary/writer/event_file_writer.py", line 76, in init if not tf.io.gfile.exists(logdir): File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorboard/lazy.py", line 68, in getattr return getattr(load_once(self), attr_name) File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorboard/lazy.py", line 100, in wrapper cache[arg] = f(arg) File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorboard/lazy.py", line 53, in load_once module = load_fn() File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorboard/compat/init.py", line 50, in tf import tensorflow File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorflow/init.py", line 41, in from tensorflow.python.tools import module_util as _module_util File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorflow/python/init.py", line 84, in from tensorflow.python import keras File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorflow/python/keras/init.py", line 27, in from tensorflow.python.keras import models File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorflow/python/keras/models.py", line 24, in from tensorflow.python.keras import metrics as metrics_module File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorflow/python/keras/metrics.py", line 37, in from tensorflow.python.keras.engine import base_layer File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorflow/python/keras/engine/base_layer.py", line 51, in from tensorflow.python.keras import initializers File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorflow/python/keras/initializers/init.py", line 122, in populate_deserializable_objects() File "/home/mahartariq/anaconda3/lib/python3.8/site-packages/tensorflow/python/keras/initializers/init.py", line 80, in populate_deserializable_objects generic_utils.populate_dict_with_module_objects( AttributeError: module 'tensorflow.python.keras.utils.generic_utils' has no attribute 'populate_dict_with_module_objects'

glenn-jocher commented 2 years ago

@mahartariq see Colab Notebook for TensorBoard logging example: https://colab.research.google.com/github/ultralytics/yolov5/blob/master/tutorial.ipynb