Git Product home page Git Product logo

trafficlight_detection-tensorflowapi's People

Contributors

vatsl avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar

trafficlight_detection-tensorflowapi's Issues

tensorflow.python.framework.errors_impl.NotFoundError: ; No such file or directory

python data_conversion_udacity_sim.py /Users/ppatil2/Documents/dataset sim_data.record
/Users/ppatil2/anaconda2/lib/python2.7/site-packages/h5py/init.py:36: FutureWarning: Conversion of the second argument of issubdtype from float to np.floating is deprecated. In future, it will be treated as np.float64 == np.dtype(float).type.
from ._conv import register_converters as _register_converters
Traceback (most recent call last):
File "data_conversion_udacity_sim.py", line 104, in
tf.app.run()
File "/Users/ppatil2/anaconda2/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 126, in run
_sys.exit(main(argv))
File "data_conversion_udacity_sim.py", line 76, in main
writer = tf.python_io.TFRecordWriter(FLAGS.output_path)
File "/Users/ppatil2/anaconda2/lib/python2.7/site-packages/tensorflow/python/lib/io/tf_record.py", line 111, in init
compat.as_bytes(path), compat.as_bytes(compression_type), status)
File "/Users/ppatil2/anaconda2/lib/python2.7/site-packages/tensorflow/python/framework/errors_impl.py", line 516, in exit
c_api.TF_GetCode(self.status.status))
tensorflow.python.framework.errors_impl.NotFoundError: ; No such file or directory

When I am trying to create TFR record files, I am getting this error. Please advice on how to proceed?
I have been trying to setup the tensorflow framework for detecting traffic lights and are stuck with the above error.

tensorflow.python.framework.errors_impl.NotFoundError: ; No such file or directory

2022-04-07 04:07:56.723705: E tensorflow/stream_executor/cuda/cuda_driver.cc:271] failed call to cuInit: CUDA_ERROR_NO_DEVICE: no CUDA-capable device is detected
WARNING:tensorflow:There are non-GPU devices in tf.distribute.Strategy, not using nccl allreduce.
W0407 04:07:56.725668 140696386463616 cross_device_ops.py:1387] There are non-GPU devices in tf.distribute.Strategy, not using nccl allreduce.
INFO:tensorflow:Using MirroredStrategy with devices ('/job:localhost/replica:0/task:0/device:CPU:0',)
I0407 04:07:56.726938 140696386463616 mirrored_strategy.py:376] Using MirroredStrategy with devices ('/job:localhost/replica:0/task:0/device:CPU:0',)
Traceback (most recent call last):
File "object_detection/model_main_tf2.py", line 113, in
tf.compat.v1.app.run()
File "/usr/local/lib/python3.7/dist-packages/tensorflow/python/platform/app.py", line 40, in run
_run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
File "/usr/local/lib/python3.7/dist-packages/absl/app.py", line 312, in run
_run_main(main, args)
File "/usr/local/lib/python3.7/dist-packages/absl/app.py", line 258, in _run_main
sys.exit(main(argv))
File "object_detection/model_main_tf2.py", line 110, in main
record_summaries=FLAGS.record_summaries)
File "/content/drive/MyDrive/Colab Notebooks/sohoa_cmnd_text/models/research/object_detection/model_lib_v2.py", line 488, in train_loop
pipeline_config_path, config_override=config_override)
File "/content/drive/MyDrive/Colab Notebooks/sohoa_cmnd_text/models/research/object_detection/utils/config_util.py", line 138, in get_configs_from_pipeline_file
proto_str = f.read()
File "/usr/local/lib/python3.7/dist-packages/tensorflow/python/lib/io/file_io.py", line 118, in read
self._preread_check()
File "/usr/local/lib/python3.7/dist-packages/tensorflow/python/lib/io/file_io.py", line 81, in _preread_check
compat.path_to_str(self.__name), 1024 * 512)
tensorflow.python.framework.errors_impl.NotFoundError: ; No such file or directory

i run command : python ./object_detection/model_main_tf2.py --model_dir=$MODEL_DIR --pipeline_config_path=$PIPELINE_CONFIG_PATH i have try but no success . please help me

inference graph

can I get the drive link of the "frozen_models/frozen_sim_inception/frozen_inference_graph.pb"?

Speed of detection

Hi, first of all, thanks for sharing your code, you really helped me a lot. I have trained Faster RCNN and finally i got a success with testing. I just wanna ask, why detection in the first test image takes like 5-10 seconds and then every other takes only like 200ms? Do you have the same problem, or is it just me? I am just curious.

Which version of Tensorflow Object Detection API did you use?

I really wanted to know which version of Tensorflow Object Detection API did you use?
Unfortunately on training with the current version of Tensorflow Object Detection API, the trained models do not work with Tensorflow 1.3.0, which is now a requirement for Udacity Nanodegree.
We basically get the following error on running the trained model on TF1.3.0

ValueError: No op named NonMaxSuppressionV3 in defined operations

Please help!!

'module' object has no attribute 'LookupTensor'

Great work Vatsal and thanks for sharing your experience!

Can I ask which version of TF you were using for this project? I am using TF version: 1.3.0.

I'm trying to train a ssd_inception_v2_coco model on my desktop, following your steps, and I'm getting the following error:

python ../../../tensorflow_models/research/object_detection/train.py ...` on my desktop.

  File "../../../tensorflow_models/research/object_detection/train.py", line 167, in <module>
    tf.app.run()
  File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/platform/app.py", line 48, in run
    _sys.exit(main(_sys.argv[:1] + flags_passthrough))
  File "../../../tensorflow_models/research/object_detection/train.py", line 163, in main
    worker_job_name, is_chief, FLAGS.train_dir)
  File "/media/xxxx/Projects/tensorflow_models/research/object_detection/trainer.py", line 235, in train
    train_config.prefetch_queue_capacity, data_augmentation_options)
  File "/media/xxxx/Projects/tensorflow_models/research/object_detection/trainer.py", line 59, in create_input_queue
    tensor_dict = create_tensor_dict_fn()
  File "../../../tensorflow_models/research/object_detection/train.py", line 120, in get_next
    dataset_builder.build(config)).get_next()
  File "/media/masoud/DATA/Projects/tensorflow_models/research/object_detection/builders/dataset_builder.py", line 138, in build
    label_map_proto_file=label_map_proto_file)
  File "/media/xxxx/Projects/tensorflow_models/research/object_detection/data_decoders/tf_example_decoder.py", line 210, in __init__
    slim_example_decoder.LookupTensor(
AttributeError: 'module' object has no attribute 'LookupTensor'

It looks like a version incompatibility. Do you have any idea?

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.