How to get the bazel dependencies of Tensorflow by bazel query? - tensorflow

I just start reading code of Tensorflow. I have some experience with other frameworks.
In order to see the dependencies of the whole Tensorflow project, I would like to use bazel query to print the dependency graph.
The bazel tutorial provides a simple example.
But when I did
bazel query --nohost_deps --noimplicit_deps 'deps(//tensorflow/tools/pip_package:build_pip_package)' --output graph
I got errors :
Starting local Bazel server and connecting to it...
ERROR: tensorflow/tensorflow/lite/kernels/internal/BUILD:698:1: no such package '#androidndk//': The repository could not be resolved and referenced by '//tensorflow/lite/kernels/internal:cpu_check'
ERROR: Evaluation of query "deps(//tensorflow/tools/pip_package:build_pip_package)" failed: errors were encountered while computing transitive closure
Loading: 246 packages loaded
Since the project is large, I hope that I can see the dependencies between each folder, each file so that I can add some features by my self.
The bazel is different from CMake and GNU make tools, so I have trouble transfering to this tool.
What is a good way to see the big picture of Tensorflow project(a colossus)?
tensorflow$ find . -name "BUILD"
./tensorflow/contrib/session_bundle/example/BUILD
./tensorflow/contrib/session_bundle/BUILD
./tensorflow/contrib/quantization/BUILD
./tensorflow/contrib/rnn/BUILD
./tensorflow/contrib/all_reduce/BUILD
./tensorflow/contrib/stateless/BUILD
./tensorflow/contrib/gdr/BUILD
./tensorflow/contrib/cudnn_rnn/BUILD
./tensorflow/contrib/kernel_methods/BUILD
./tensorflow/contrib/recurrent/BUILD
./tensorflow/contrib/periodic_resample/BUILD
./tensorflow/contrib/verbs/BUILD
./tensorflow/contrib/predictor/BUILD
./tensorflow/contrib/feature_column/BUILD
./tensorflow/contrib/tensorrt/BUILD
./tensorflow/contrib/tensorrt/custom_plugin_examples/BUILD
./tensorflow/contrib/cloud/BUILD
./tensorflow/contrib/cloud/kernels/BUILD
./tensorflow/contrib/receptive_field/BUILD
./tensorflow/contrib/constrained_optimization/BUILD
./tensorflow/contrib/compiler/BUILD
./tensorflow/contrib/solvers/BUILD
./tensorflow/contrib/keras/BUILD
./tensorflow/contrib/boosted_trees/proto/BUILD
./tensorflow/contrib/boosted_trees/BUILD
./tensorflow/contrib/boosted_trees/estimator_batch/BUILD
./tensorflow/contrib/boosted_trees/lib/BUILD
./tensorflow/contrib/boosted_trees/resources/BUILD
./tensorflow/contrib/cluster_resolver/BUILD
./tensorflow/contrib/remote_fused_graph/pylib/BUILD
./tensorflow/contrib/rpc/BUILD
./tensorflow/contrib/rpc/python/kernel_tests/BUILD
./tensorflow/contrib/rpc/python/ops/BUILD
./tensorflow/contrib/meta_graph_transform/BUILD
./tensorflow/contrib/tensor_forest/proto/BUILD
./tensorflow/contrib/tensor_forest/hybrid/BUILD
./tensorflow/contrib/tensor_forest/BUILD
./tensorflow/contrib/tensor_forest/kernels/v4/BUILD
./tensorflow/contrib/optimizer_v2/BUILD
./tensorflow/contrib/data/BUILD
./tensorflow/contrib/data/python/kernel_tests/BUILD
./tensorflow/contrib/data/python/ops/BUILD
./tensorflow/contrib/bayesflow/BUILD
./tensorflow/contrib/coder/BUILD
./tensorflow/contrib/estimator/BUILD
./tensorflow/contrib/grid_rnn/BUILD
./tensorflow/contrib/libsvm/BUILD
./tensorflow/contrib/mpi/BUILD
./tensorflow/contrib/proto/BUILD
./tensorflow/contrib/proto/python/kernel_tests/BUILD
./tensorflow/contrib/proto/python/ops/BUILD
./tensorflow/contrib/metrics/BUILD
./tensorflow/contrib/timeseries/examples/BUILD
./tensorflow/contrib/timeseries/BUILD
./tensorflow/contrib/timeseries/python/timeseries/BUILD
./tensorflow/contrib/timeseries/python/timeseries/state_space_models/BUILD
./tensorflow/contrib/hvx/clock_cycle_profiling/BUILD
./tensorflow/contrib/hvx/hvx_ops_support_checker/BUILD
./tensorflow/contrib/memory_stats/BUILD
./tensorflow/contrib/reduce_slice_ops/BUILD
./tensorflow/contrib/slim/BUILD
./tensorflow/contrib/slim/python/slim/data/BUILD
./tensorflow/contrib/slim/python/slim/nets/BUILD
./tensorflow/contrib/tfprof/BUILD
./tensorflow/contrib/graph_editor/BUILD
./tensorflow/contrib/android/BUILD
./tensorflow/contrib/integrate/BUILD
./tensorflow/contrib/seq2seq/BUILD
./tensorflow/contrib/linear_optimizer/BUILD
./tensorflow/contrib/tpu/BUILD
./tensorflow/contrib/tpu/profiler/BUILD
./tensorflow/contrib/tpu/profiler/pip_package/BUILD
./tensorflow/contrib/BUILD
./tensorflow/contrib/saved_model/cc/saved_model/BUILD
./tensorflow/contrib/saved_model/BUILD
./tensorflow/contrib/model_pruning/examples/cifar10/BUILD
./tensorflow/contrib/model_pruning/BUILD
./tensorflow/contrib/copy_graph/BUILD
./tensorflow/contrib/nearest_neighbor/BUILD
./tensorflow/contrib/resampler/BUILD
./tensorflow/contrib/summary/BUILD
./tensorflow/contrib/makefile/BUILD
./tensorflow/contrib/staging/BUILD
./tensorflow/contrib/nn/BUILD
./tensorflow/contrib/tensorboard/BUILD
./tensorflow/contrib/signal/BUILD
./tensorflow/contrib/image/BUILD
./tensorflow/contrib/util/BUILD
./tensorflow/contrib/text/BUILD
./tensorflow/contrib/decision_trees/proto/BUILD
./tensorflow/contrib/layers/BUILD
./tensorflow/contrib/layers/kernels/BUILD
./tensorflow/contrib/learn/BUILD
./tensorflow/contrib/learn/python/learn/datasets/BUILD
./tensorflow/contrib/eager/python/examples/rnn_colorbot/BUILD
./tensorflow/contrib/eager/python/examples/densenet/BUILD
./tensorflow/contrib/eager/python/examples/revnet/BUILD
./tensorflow/contrib/eager/python/examples/resnet50/BUILD
./tensorflow/contrib/eager/python/examples/spinn/BUILD
./tensorflow/contrib/eager/python/examples/linear_regression/BUILD
./tensorflow/contrib/eager/python/examples/BUILD
./tensorflow/contrib/eager/python/examples/rnn_ptb/BUILD
./tensorflow/contrib/eager/python/examples/gan/BUILD
./tensorflow/contrib/eager/python/examples/l2hmc/BUILD
./tensorflow/contrib/eager/python/BUILD
./tensorflow/contrib/sparsemax/BUILD
./tensorflow/contrib/rate/BUILD
./tensorflow/contrib/lookup/BUILD
./tensorflow/contrib/distributions/BUILD
./tensorflow/contrib/autograph/examples/benchmarks/BUILD
./tensorflow/contrib/autograph/BUILD
./tensorflow/contrib/distribute/BUILD
./tensorflow/contrib/distribute/python/examples/BUILD
./tensorflow/contrib/distribute/python/BUILD
./tensorflow/contrib/specs/BUILD
./tensorflow/contrib/quantize/BUILD
./tensorflow/contrib/training/BUILD
./tensorflow/contrib/fused_conv/BUILD
./tensorflow/contrib/checkpoint/python/BUILD
./tensorflow/contrib/bigtable/BUILD
./tensorflow/contrib/legacy_seq2seq/BUILD
./tensorflow/contrib/stat_summarizer/BUILD
./tensorflow/contrib/opt/BUILD
./tensorflow/contrib/mixed_precision/BUILD
./tensorflow/contrib/mixed_precision/python/BUILD
./tensorflow/contrib/losses/BUILD
./tensorflow/contrib/ignite/BUILD
./tensorflow/contrib/kafka/BUILD
./tensorflow/contrib/hadoop/BUILD
./tensorflow/contrib/factorization/examples/BUILD
./tensorflow/contrib/factorization/BUILD
./tensorflow/contrib/factorization/kernels/BUILD
./tensorflow/contrib/labeled_tensor/BUILD
./tensorflow/contrib/deprecated/BUILD
./tensorflow/contrib/input_pipeline/BUILD
./tensorflow/contrib/input_pipeline/kernels/BUILD
./tensorflow/contrib/gan/BUILD
./tensorflow/contrib/kinesis/BUILD
./tensorflow/contrib/mpi_collectives/BUILD
./tensorflow/contrib/framework/BUILD
./tensorflow/contrib/crf/BUILD
./tensorflow/contrib/batching/BUILD
./tensorflow/contrib/testing/BUILD
./tensorflow/contrib/hooks/BUILD
./tensorflow/contrib/ffmpeg/default/BUILD
./tensorflow/contrib/ffmpeg/BUILD
./tensorflow/cc/BUILD
./tensorflow/cc/saved_model/BUILD
./tensorflow/cc/saved_model/python/BUILD
./tensorflow/cc/tools/BUILD
./tensorflow/cc/profiler/BUILD
./tensorflow/compiler/xrt/cc/BUILD
./tensorflow/compiler/xrt/BUILD
./tensorflow/compiler/xrt/tests/BUILD
./tensorflow/compiler/xrt/kernels/BUILD
./tensorflow/compiler/xla/rpc/BUILD
./tensorflow/compiler/xla/experimental/xla_sharding/BUILD
./tensorflow/compiler/xla/BUILD
./tensorflow/compiler/xla/service/cpu/BUILD
./tensorflow/compiler/xla/service/cpu/tests/BUILD
./tensorflow/compiler/xla/service/llvm_ir/BUILD
./tensorflow/compiler/xla/service/BUILD
./tensorflow/compiler/xla/service/interpreter/BUILD
./tensorflow/compiler/xla/service/gpu/llvm_gpu_backend/BUILD
./tensorflow/compiler/xla/service/gpu/BUILD
./tensorflow/compiler/xla/service/gpu/tests/BUILD
./tensorflow/compiler/xla/client/BUILD
./tensorflow/compiler/xla/client/lib/BUILD
./tensorflow/compiler/xla/tools/BUILD
./tensorflow/compiler/xla/python_api/BUILD
./tensorflow/compiler/xla/python/BUILD
./tensorflow/compiler/xla/tests/BUILD
./tensorflow/compiler/plugin/BUILD
./tensorflow/compiler/jit/graphcycles/BUILD
./tensorflow/compiler/jit/BUILD
./tensorflow/compiler/jit/ops/BUILD
./tensorflow/compiler/jit/kernels/BUILD
./tensorflow/compiler/aot/BUILD
./tensorflow/compiler/aot/tests/BUILD
./tensorflow/compiler/tf2xla/cc/BUILD
./tensorflow/compiler/tf2xla/BUILD
./tensorflow/compiler/tf2xla/ops/BUILD
./tensorflow/compiler/tf2xla/lib/BUILD
./tensorflow/compiler/tf2xla/python/BUILD
./tensorflow/compiler/tf2xla/kernels/BUILD
./tensorflow/compiler/tf2tensorrt/BUILD
./tensorflow/compiler/tests/BUILD
./tensorflow/core/debug/BUILD
./tensorflow/core/common_runtime/data/BUILD
./tensorflow/core/common_runtime/eager/BUILD
./tensorflow/core/platform/s3/BUILD
./tensorflow/core/platform/cloud/BUILD
./tensorflow/core/platform/default/build_config/BUILD
./tensorflow/core/platform/default/gpu/BUILD
./tensorflow/core/platform/hadoop/BUILD
./tensorflow/core/grappler/clusters/BUILD
./tensorflow/core/grappler/verifiers/BUILD
./tensorflow/core/grappler/inputs/BUILD
./tensorflow/core/grappler/optimizers/data/vectorization/BUILD
./tensorflow/core/grappler/optimizers/data/BUILD
./tensorflow/core/grappler/optimizers/BUILD
./tensorflow/core/grappler/BUILD
./tensorflow/core/grappler/utils/BUILD
./tensorflow/core/grappler/costs/BUILD
./tensorflow/core/grappler/graph_analyzer/BUILD
./tensorflow/core/tpu/BUILD
./tensorflow/core/BUILD
./tensorflow/core/distributed_runtime/rpc/BUILD
./tensorflow/core/distributed_runtime/rpc/eager/BUILD
./tensorflow/core/distributed_runtime/BUILD
./tensorflow/core/distributed_runtime/eager/BUILD
./tensorflow/core/ops/compat/BUILD
./tensorflow/core/api_def/BUILD
./tensorflow/core/summary/BUILD
./tensorflow/core/nccl/BUILD
./tensorflow/core/protobuf/tpu/BUILD
./tensorflow/core/util/rpc/BUILD
./tensorflow/core/util/proto/BUILD
./tensorflow/core/util/ctc/BUILD
./tensorflow/core/util/tensor_bundle/BUILD
./tensorflow/core/profiler/internal/cpu/BUILD
./tensorflow/core/profiler/internal/runtime/BUILD
./tensorflow/core/profiler/internal/advisor/BUILD
./tensorflow/core/profiler/internal/BUILD
./tensorflow/core/profiler/internal/gpu/BUILD
./tensorflow/core/profiler/rpc/BUILD
./tensorflow/core/profiler/rpc/client/BUILD
./tensorflow/core/profiler/BUILD
./tensorflow/core/profiler/lib/BUILD
./tensorflow/core/lib/db/BUILD
./tensorflow/core/kernels/boosted_trees/quantiles/BUILD
./tensorflow/core/kernels/boosted_trees/BUILD
./tensorflow/core/kernels/hexagon/BUILD
./tensorflow/core/kernels/tensor_forest/BUILD
./tensorflow/core/kernels/data/experimental/sql/BUILD
./tensorflow/core/kernels/data/experimental/BUILD
./tensorflow/core/kernels/data/BUILD
./tensorflow/core/kernels/batching_util/BUILD
./tensorflow/core/kernels/BUILD
./tensorflow/core/kernels/fuzzing/BUILD
./tensorflow/core/kernels/lookup_tables/BUILD
./tensorflow/core/kernels/neon/BUILD
./tensorflow/stream_executor/host/BUILD
./tensorflow/stream_executor/platform/default/BUILD
./tensorflow/stream_executor/platform/BUILD
./tensorflow/stream_executor/BUILD
./tensorflow/stream_executor/cuda/BUILD
./tensorflow/stream_executor/lib/BUILD
./tensorflow/stream_executor/rocm/BUILD
./tensorflow/stream_executor/gpu/BUILD
./tensorflow/js/BUILD
./tensorflow/c/BUILD
./tensorflow/c/eager/BUILD
./tensorflow/c/kernels/BUILD
./tensorflow/examples/multibox_detector/BUILD
./tensorflow/examples/wav_to_spectrogram/BUILD
./tensorflow/examples/how_tos/reading_data/BUILD
./tensorflow/examples/get_started/regression/BUILD
./tensorflow/examples/android/assets/BUILD
./tensorflow/examples/android/BUILD
./tensorflow/examples/label_image/BUILD
./tensorflow/examples/saved_model/integration_tests/BUILD
./tensorflow/examples/adding_an_op/BUILD
./tensorflow/examples/learn/BUILD
./tensorflow/examples/speech_commands/BUILD
./tensorflow/examples/tutorials/mnist/BUILD
./tensorflow/examples/tutorials/layers/BUILD
./tensorflow/examples/tutorials/word2vec/BUILD
./tensorflow/examples/tf2_showcase/BUILD
./tensorflow/BUILD
./tensorflow/lite/toco/tensorflow_graph_matching/BUILD
./tensorflow/lite/toco/graph_transformations/tests/BUILD
./tensorflow/lite/toco/tflite/BUILD
./tensorflow/lite/toco/BUILD
./tensorflow/lite/toco/python/BUILD
./tensorflow/lite/core/api/BUILD
./tensorflow/lite/models/smartreply/BUILD
./tensorflow/lite/models/smartreply/demo/app/src/main/assets/BUILD
./tensorflow/lite/models/smartreply/demo/app/src/main/BUILD
./tensorflow/lite/models/BUILD
./tensorflow/lite/nnapi/BUILD
./tensorflow/lite/experimental/c/BUILD
./tensorflow/lite/experimental/examples/lstm/BUILD
./tensorflow/lite/experimental/writer/BUILD
./tensorflow/lite/experimental/microfrontend/BUILD
./tensorflow/lite/experimental/microfrontend/lib/BUILD
./tensorflow/lite/experimental/micro/examples/micro_speech/BUILD
./tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/BUILD
./tensorflow/lite/experimental/micro/BUILD
./tensorflow/lite/experimental/micro/testing/BUILD
./tensorflow/lite/experimental/micro/kernels/BUILD
./tensorflow/lite/experimental/kernels/BUILD
./tensorflow/lite/profiling/BUILD
./tensorflow/lite/c/BUILD
./tensorflow/lite/examples/android/BUILD
./tensorflow/lite/examples/android/app/src/main/assets/BUILD
./tensorflow/lite/examples/label_image/BUILD
./tensorflow/lite/examples/minimal/BUILD
./tensorflow/lite/examples/python/BUILD
./tensorflow/lite/BUILD
./tensorflow/lite/delegates/nnapi/BUILD
./tensorflow/lite/delegates/flex/BUILD
./tensorflow/lite/tools/evaluation/proto/BUILD
./tensorflow/lite/tools/evaluation/BUILD
./tensorflow/lite/tools/accuracy/BUILD
./tensorflow/lite/tools/accuracy/ilsvrc/BUILD
./tensorflow/lite/tools/BUILD
./tensorflow/lite/tools/optimize/BUILD
./tensorflow/lite/tools/optimize/calibration/BUILD
./tensorflow/lite/tools/benchmark/android/BUILD
./tensorflow/lite/tools/benchmark/BUILD
./tensorflow/lite/schema/builtin_ops_header/BUILD
./tensorflow/lite/schema/BUILD
./tensorflow/lite/java/jni/BUILD
./tensorflow/lite/java/BUILD
./tensorflow/lite/java/ovic/BUILD
./tensorflow/lite/java/ovic/src/testdata/BUILD
./tensorflow/lite/java/ovic/demo/app/BUILD
./tensorflow/lite/java/src/testhelper/java/org/tensorflow/lite/BUILD
./tensorflow/lite/java/src/test/native/BUILD
./tensorflow/lite/java/src/main/native/BUILD
./tensorflow/lite/java/demo/app/src/main/assets/BUILD
./tensorflow/lite/java/demo/app/src/main/BUILD
./tensorflow/lite/tutorials/BUILD
./tensorflow/lite/python/testdata/BUILD
./tensorflow/lite/python/BUILD
./tensorflow/lite/python/optimize/BUILD
./tensorflow/lite/python/interpreter_wrapper/BUILD
./tensorflow/lite/lib_package/BUILD
./tensorflow/lite/testing/BUILD
./tensorflow/lite/testing/model_coverage/BUILD
./tensorflow/lite/testing/kernel_test/BUILD
./tensorflow/lite/kernels/internal/BUILD
./tensorflow/lite/kernels/BUILD
./tensorflow/tools/proto_text/BUILD
./tensorflow/tools/def_file_filter/BUILD
./tensorflow/tools/docker/notebooks/BUILD
./tensorflow/tools/docker/BUILD
./tensorflow/tools/ci_build/gpu_build/BUILD
./tensorflow/tools/ci_build/remote/BUILD
./tensorflow/tools/build_info/BUILD
./tensorflow/tools/test/BUILD
./tensorflow/tools/common/BUILD
./tensorflow/tools/api/golden/BUILD
./tensorflow/tools/api/lib/BUILD
./tensorflow/tools/api/tests/BUILD
./tensorflow/tools/docs/BUILD
./tensorflow/tools/optimization/BUILD
./tensorflow/tools/graph_transforms/BUILD
./tensorflow/tools/mlpbtxt/BUILD
./tensorflow/tools/git/BUILD
./tensorflow/tools/compatibility/BUILD
./tensorflow/tools/compatibility/update/BUILD
./tensorflow/tools/benchmark/BUILD
./tensorflow/tools/pip_package/BUILD
./tensorflow/tools/lib_package/BUILD
./tensorflow/java/BUILD
./tensorflow/java/src/main/native/BUILD
./tensorflow/java/src/main/java/org/tensorflow/examples/BUILD
./tensorflow/python/compat/BUILD
./tensorflow/python/feature_column/BUILD
./tensorflow/python/compiler/tensorrt/BUILD
./tensorflow/python/compiler/BUILD
./tensorflow/python/keras/optimizer_v2/BUILD
./tensorflow/python/keras/BUILD
./tensorflow/python/keras/api/BUILD
./tensorflow/python/keras/mixed_precision/experimental/BUILD
./tensorflow/python/kernel_tests/linalg/BUILD
./tensorflow/python/kernel_tests/boosted_trees/BUILD
./tensorflow/python/kernel_tests/testdata/BUILD
./tensorflow/python/kernel_tests/BUILD
./tensorflow/python/kernel_tests/signal/BUILD
./tensorflow/python/kernel_tests/distributions/BUILD
./tensorflow/python/kernel_tests/random/BUILD
./tensorflow/python/debug/BUILD
./tensorflow/python/data/benchmarks/BUILD
./tensorflow/python/data/kernel_tests/BUILD
./tensorflow/python/data/experimental/benchmarks/BUILD
./tensorflow/python/data/experimental/kernel_tests/BUILD
./tensorflow/python/data/experimental/kernel_tests/optimization/BUILD
./tensorflow/python/data/experimental/kernel_tests/serialization/BUILD
./tensorflow/python/data/experimental/BUILD
./tensorflow/python/data/experimental/ops/BUILD
./tensorflow/python/data/BUILD
./tensorflow/python/data/ops/BUILD
./tensorflow/python/data/util/BUILD
./tensorflow/python/estimator/BUILD
./tensorflow/python/module/BUILD
./tensorflow/python/tpu/experimental/BUILD
./tensorflow/python/tpu/BUILD
./tensorflow/python/tpu/profiler/BUILD
./tensorflow/python/BUILD
./tensorflow/python/saved_model/model_utils/BUILD
./tensorflow/python/saved_model/BUILD
./tensorflow/python/ops/linalg/BUILD
./tensorflow/python/ops/parallel_for/BUILD
./tensorflow/python/ops/signal/BUILD
./tensorflow/python/ops/ragged/BUILD
./tensorflow/python/ops/distributions/BUILD
./tensorflow/python/ops/losses/BUILD
./tensorflow/python/eager/BUILD
./tensorflow/python/autograph/pyct/static_analysis/BUILD
./tensorflow/python/autograph/pyct/common_transformers/BUILD
./tensorflow/python/autograph/pyct/BUILD
./tensorflow/python/autograph/pyct/testing/BUILD
./tensorflow/python/autograph/core/BUILD
./tensorflow/python/autograph/converters/BUILD
./tensorflow/python/autograph/BUILD
./tensorflow/python/autograph/utils/BUILD
./tensorflow/python/autograph/operators/BUILD
./tensorflow/python/autograph/impl/BUILD
./tensorflow/python/autograph/lang/BUILD
./tensorflow/python/distribute/cluster_resolver/BUILD
./tensorflow/python/distribute/experimental/BUILD
./tensorflow/python/distribute/BUILD
./tensorflow/python/tools/BUILD
./tensorflow/python/tools/api/generator/BUILD
./tensorflow/python/training/saving/BUILD
./tensorflow/python/training/tracking/BUILD
./tensorflow/python/profiler/internal/BUILD
./tensorflow/python/profiler/BUILD
./tensorflow/go/BUILD
./third_party/python_runtime/BUILD
./third_party/icu/BUILD
./third_party/jpeg/BUILD
./third_party/tensorrt/BUILD
./third_party/fft2d/BUILD
./third_party/toolchains/clang6/BUILD
./third_party/toolchains/remote/BUILD
./third_party/toolchains/BUILD
./third_party/toolchains/cpus/arm/BUILD
./third_party/toolchains/cpus/py/BUILD
./third_party/toolchains/cpus/py3/BUILD
./third_party/toolchains/preconfig/generate/BUILD
./third_party/toolchains/preconfig/ubuntu16.04/clang/BUILD
./third_party/toolchains/preconfig/ubuntu16.04/py3/BUILD
./third_party/toolchains/preconfig/ubuntu14.04/cuda10.0-cudnn7/cuda/BUILD
./third_party/toolchains/preconfig/ubuntu14.04/gcc-nvcc/BUILD
./third_party/toolchains/preconfig/ubuntu14.04/gcc-nvcc-cuda9.0/BUILD
./third_party/toolchains/preconfig/ubuntu14.04/gcc-nvcc-cuda10.0/BUILD
./third_party/toolchains/preconfig/ubuntu14.04/cuda9.0-cudnn7/cuda/BUILD
./third_party/toolchains/preconfig/ubuntu14.04/py3/BUILD
./third_party/toolchains/preconfig/ubuntu14.04/tensorrt5/BUILD
./third_party/toolchains/preconfig/ubuntu14.04/gcc7-nvcc-cuda10.0/BUILD
./third_party/toolchains/preconfig/win_1803/py36/BUILD
./third_party/toolchains/preconfig/win_1803/bazel_018/BUILD
./third_party/toolchains/preconfig/win_1803/BUILD
./third_party/nasm/BUILD
./third_party/ngraph/BUILD
./third_party/keras_applications_archive/BUILD
./third_party/flatbuffers/BUILD
./third_party/py/numpy/BUILD
./third_party/py/BUILD
./third_party/mpi/BUILD
./third_party/systemlibs/BUILD
./third_party/eigen3/BUILD
./third_party/boringssl/BUILD
./third_party/android/BUILD
./third_party/sycl/crosstool/BUILD
./third_party/sycl/sycl/BUILD
./third_party/sycl/BUILD
./third_party/examples/eager/spinn/BUILD
./third_party/hwloc/BUILD
./third_party/BUILD
./third_party/clang_toolchain/BUILD
./third_party/nccl/BUILD
./third_party/protobuf/BUILD
./third_party/highwayhash/BUILD
./third_party/mkl/BUILD
./third_party/git/BUILD
./third_party/llvm/BUILD
./third_party/grpc/BUILD
./third_party/pasta/BUILD
./third_party/ortools/BUILD
./third_party/aws/BUILD
./third_party/kafka/BUILD
./third_party/hadoop/BUILD
./third_party/mkl_dnn/BUILD
./third_party/mpi_collectives/BUILD
./third_party/kissfft/BUILD
./third_party/gpus/crosstool/BUILD
./third_party/gpus/BUILD
./third_party/gpus/cuda/BUILD
./third_party/gpus/rocm/BUILD
./BUILD

If just want to see the build target dependency graph, you can try to add --keep_going parameter to your bazel query command.

The error message is:
ERROR: tensorflow/tensorflow/lite/kernels/internal/BUILD:698:1: no such package '#androidndk//': The repository could not be resolved and referenced by '//tensorflow/lite/kernels/internal:cpu_check'
Have you ran the configure script and installed the Android NDK? If you have, is the ANDROID_NDK_HOME environment variable set to the path to the Android NDK?

Related

Resource on embedded linux not available

I build a simple test project with qt creator. Just a window, a button and an icon.
The icon (stopbutton.svg) is in an resource file.
In qtcreator I have setup two kids, one fore desktop-linux and one for the embedded-linux system.
In the project file I add the resource:
RESOURCES += KeyboardMouseResource.qrc
I can compile and start both programs but on the embedded system the stopbutton.svg is not available.
Has anyone a solution for that?
How can I disable the creation of the "commonstyle" resource entries?
I used QDirIterator to list the resources
QDirIterator
it(":", QDirIterator::Subdirectories);
while (it.hasNext())
{
qDebug() << it.next();
}
On the desktop system I got:
Warning: Ignoring XDG_SESSION_TYPE=wayland on Gnome. Use QT_QPA_PLATFORM=wayland to run on Wayland anyway.
":/qgradient"
":/qgradient/webgradients.binaryjson"
":/qpdf"
":/qpdf/qpdfa_metadata.xml"
":/qpdf/sRGB2014.icc"
":/qt-project.org"
":/qt-project.org/styles"
":/qt-project.org/styles/commonstyle"
":/qt-project.org/styles/commonstyle/images"
":/qt-project.org/styles/commonstyle/images/networkdrive-16.png"
":/qt-project.org/styles/commonstyle/images/networkdrive-32.png"
":/qt-project.org/styles/commonstyle/images/dvd-16.png"
":/qt-project.org/styles/commonstyle/images/cdr-16.png"
":/qt-project.org/styles/commonstyle/images/up-16.png"
":/qt-project.org/styles/commonstyle/images/up-32.png"
":/qt-project.org/styles/commonstyle/images/dvd-32.png"
":/qt-project.org/styles/commonstyle/images/cdr-32.png"
":/qt-project.org/styles/commonstyle/images/left-32.png"
":/qt-project.org/styles/commonstyle/images/stop-32.png"
":/qt-project.org/styles/commonstyle/images/file-16.png"
":/qt-project.org/styles/commonstyle/images/down-16.png"
":/qt-project.org/styles/commonstyle/images/stop-24.png"
":/qt-project.org/styles/commonstyle/images/left-16.png"
":/qt-project.org/styles/commonstyle/images/toolbar-ext-h-rtl-8.png"
":/qt-project.org/styles/commonstyle/images/down-32.png"
":/qt-project.org/styles/commonstyle/images/file-32.png"
":/qt-project.org/styles/commonstyle/images/dirlink-32.png"
":/qt-project.org/styles/commonstyle/images/diropen-32.png"
":/qt-project.org/styles/commonstyle/images/cleartext-32.png"
":/qt-project.org/styles/commonstyle/images/diropen-16.png"
":/qt-project.org/styles/commonstyle/images/cleartext-16.png"
":/qt-project.org/styles/commonstyle/images/dirlink-16.png"
":/qt-project.org/styles/commonstyle/images/networkdrive-128.png"
":/qt-project.org/styles/commonstyle/images/media-volume-muted-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-cancel-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-open-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-apply-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-apply-16.png"
":/qt-project.org/styles/commonstyle/images/fonttruetype-16.png"
":/qt-project.org/styles/commonstyle/images/newdirectory-128.png"
":/qt-project.org/styles/commonstyle/images/filecontents-128.png"
":/qt-project.org/styles/commonstyle/images/floppy-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-delete-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-delete-32.png"
":/qt-project.org/styles/commonstyle/images/harddrive-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-clear-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-close-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-clear-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-close-16.png"
":/qt-project.org/styles/commonstyle/images/closedock-32.png"
":/qt-project.org/styles/commonstyle/images/closedock-48.png"
":/qt-project.org/styles/commonstyle/images/dirclosed-128.png"
":/qt-project.org/styles/commonstyle/images/closedock-16.png"
":/qt-project.org/styles/commonstyle/images/closedock-10.png"
":/qt-project.org/styles/commonstyle/images/closedock-20.png"
":/qt-project.org/styles/commonstyle/images/trash-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-apply-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-yes-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-yes-32.png"
":/qt-project.org/styles/commonstyle/images/fontbitmap-16.png"
":/qt-project.org/styles/commonstyle/images/closedock-64.png"
":/qt-project.org/styles/commonstyle/images/newdirectory-32.png"
":/qt-project.org/styles/commonstyle/images/dirclosed-32.png"
":/qt-project.org/styles/commonstyle/images/newdirectory-16.png"
":/qt-project.org/styles/commonstyle/images/dirclosed-16.png"
":/qt-project.org/styles/commonstyle/images/up-128.png"
":/qt-project.org/styles/commonstyle/images/media-pause-32.png"
":/qt-project.org/styles/commonstyle/images/media-pause-16.png"
":/qt-project.org/styles/commonstyle/images/cdr-128.png"
":/qt-project.org/styles/commonstyle/images/dvd-128.png"
":/qt-project.org/styles/commonstyle/images/media-volume-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-closetab-hover-32.png"
":/qt-project.org/styles/commonstyle/images/harddrive-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-cancel-16.png"
":/qt-project.org/styles/commonstyle/images/harddrive-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-closetab-hover-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-cancel-32.png"
":/qt-project.org/styles/commonstyle/images/viewdetailed-128.png"
":/qt-project.org/styles/commonstyle/images/fusion_groupbox.png"
":/qt-project.org/styles/commonstyle/images/right-128.png"
":/qt-project.org/styles/commonstyle/images/fileinfo-16.png"
":/qt-project.org/styles/commonstyle/images/filelink-16.png"
":/qt-project.org/styles/commonstyle/images/titlebar-shade-16.png"
":/qt-project.org/styles/commonstyle/images/filelink-32.png"
":/qt-project.org/styles/commonstyle/images/fileinfo-32.png"
":/qt-project.org/styles/commonstyle/images/titlebar-shade-48.png"
":/qt-project.org/styles/commonstyle/images/titlebar-shade-32.png"
":/qt-project.org/styles/commonstyle/images/dirlink-128.png"
":/qt-project.org/styles/commonstyle/images/media-seek-forward-16.png"
":/qt-project.org/styles/commonstyle/images/media-seek-forward-32.png"
":/qt-project.org/styles/commonstyle/images/titlebar-unshade-16.png"
":/qt-project.org/styles/commonstyle/images/diropen-128.png"
":/qt-project.org/styles/commonstyle/images/titlebar-unshade-32.png"
":/qt-project.org/styles/commonstyle/images/titlebar-unshade-48.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-help-128.png"
":/qt-project.org/styles/commonstyle/images/viewdetailed-16.png"
":/qt-project.org/styles/commonstyle/images/viewdetailed-32.png"
":/qt-project.org/styles/commonstyle/images/media-seek-backward-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-ok-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-no-128.png"
":/qt-project.org/styles/commonstyle/images/media-seek-backward-32.png"
":/qt-project.org/styles/commonstyle/images/refresh-32.png"
":/qt-project.org/styles/commonstyle/images/refresh-24.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-save-128.png"
":/qt-project.org/styles/commonstyle/images/normalizedockup-64.png"
":/qt-project.org/styles/commonstyle/images/viewlist-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-yes-128.png"
":/qt-project.org/styles/commonstyle/images/computer-32.png"
":/qt-project.org/styles/commonstyle/images/computer-16.png"
":/qt-project.org/styles/commonstyle/images/normalizedockup-16.png"
":/qt-project.org/styles/commonstyle/images/normalizedockup-10.png"
":/qt-project.org/styles/commonstyle/images/parentdir-32.png"
":/qt-project.org/styles/commonstyle/images/titlebar-contexthelp-16.png"
":/qt-project.org/styles/commonstyle/images/normalizedockup-20.png"
":/qt-project.org/styles/commonstyle/images/parentdir-16.png"
":/qt-project.org/styles/commonstyle/images/titlebar-contexthelp-48.png"
":/qt-project.org/styles/commonstyle/images/normalizedockup-32.png"
":/qt-project.org/styles/commonstyle/images/normalizedockup-48.png"
":/qt-project.org/styles/commonstyle/images/titlebar-contexthelp-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-closetab-16.png"
":/qt-project.org/styles/commonstyle/images/media-play-16.png"
":/qt-project.org/styles/commonstyle/images/desktop-16.png"
":/qt-project.org/styles/commonstyle/images/media-stop-16.png"
":/qt-project.org/styles/commonstyle/images/desktop-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-closetab-32.png"
":/qt-project.org/styles/commonstyle/images/media-play-32.png"
":/qt-project.org/styles/commonstyle/images/down-128.png"
":/qt-project.org/styles/commonstyle/images/media-stop-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-delete-128.png"
":/qt-project.org/styles/commonstyle/images/media-skip-backward-32.png"
":/qt-project.org/styles/commonstyle/images/media-skip-backward-16.png"
":/qt-project.org/styles/commonstyle/images/viewlist-16.png"
":/qt-project.org/styles/commonstyle/images/viewlist-32.png"
":/qt-project.org/styles/commonstyle/images/file-128.png"
":/qt-project.org/styles/commonstyle/images/floppy-32.png"
":/qt-project.org/styles/commonstyle/images/left-128.png"
":/qt-project.org/styles/commonstyle/images/floppy-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-no-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-ok-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-no-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-ok-16.png"
":/qt-project.org/styles/commonstyle/images/media-skip-forward-32.png"
":/qt-project.org/styles/commonstyle/images/media-skip-forward-16.png"
":/qt-project.org/styles/commonstyle/images/toolbar-ext-h-rtl-16.png"
":/qt-project.org/styles/commonstyle/images/toolbar-ext-h-rtl-32.png"
":/qt-project.org/styles/commonstyle/images/filelink-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-open-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-open-32.png"
":/qt-project.org/styles/commonstyle/images/fileinfo-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-help-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-help-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-save-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-save-32.png"
":/qt-project.org/styles/commonstyle/images/titlebar-min-16.png"
":/qt-project.org/styles/commonstyle/images/titlebar-max-16.png"
":/qt-project.org/styles/commonstyle/images/titlebar-min-32.png"
":/qt-project.org/styles/commonstyle/images/titlebar-max-32.png"
":/qt-project.org/styles/commonstyle/images/toolbar-ext-h-8.png"
":/qt-project.org/styles/commonstyle/images/titlebar-min-48.png"
":/qt-project.org/styles/commonstyle/images/titlebar-max-48.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-closetab-down-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-closetab-down-32.png"
":/qt-project.org/styles/commonstyle/images/toolbar-ext-v-20.png"
":/qt-project.org/styles/commonstyle/images/toolbar-ext-v-10.png"
":/qt-project.org/styles/commonstyle/images/toolbar-ext-h-16.png"
":/qt-project.org/styles/commonstyle/images/toolbar-ext-h-32.png"
":/qt-project.org/styles/commonstyle/images/parentdir-128.png"
":/qt-project.org/styles/commonstyle/images/toolbar-ext-v-5.png"
":/qt-project.org/styles/commonstyle/images/filecontents-32.png"
":/qt-project.org/styles/commonstyle/images/trash-32.png"
":/qt-project.org/styles/commonstyle/images/filecontents-16.png"
":/qt-project.org/styles/commonstyle/images/trash-16.png"
":/qt-project.org/styles/commonstyle/images/right-16.png"
":/qt-project.org/styles/commonstyle/images/right-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-clear-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-close-128.png"
":/qt-project.org/styles/macstyle"
":/qt-project.org/styles/macstyle/images"
":/qt-project.org/styles/macstyle/images/toolbar-ext.png"
":/qt-project.org/styles/macstyle/images/dockdock-down-16.png"
":/qt-project.org/styles/macstyle/images/closedock-16.png"
":/qt-project.org/styles/macstyle/images/dockdock-16.png"
":/qt-project.org/styles/macstyle/images/closedock-down-16.png"
":/qt-project.org/styles/macstyle/images/toolbar-ext#2x.png"
":/qt-project.org/qmessagebox"
":/qt-project.org/qmessagebox/images"
":/qt-project.org/qmessagebox/images/qtlogo-64.png"
":/prefix"
":/prefix/stopbutton.svg"
and on the embedded system I got this:
Cannot open file ':/prefix/stopbutton.svg', because: No such file or directory
Cannot open file ':/prefix/stopbutton.svg', because: No such file or directory
":/qt-project.org"
":/qt-project.org/qmime"
":/qt-project.org/qmime/freedesktop.org.xml"
":/qt-project.org/styles"
":/qt-project.org/styles/commonstyle"
":/qt-project.org/styles/commonstyle/images"
":/qt-project.org/styles/commonstyle/images/networkdrive-16.png"
":/qt-project.org/styles/commonstyle/images/networkdrive-32.png"
":/qt-project.org/styles/commonstyle/images/dvd-16.png"
":/qt-project.org/styles/commonstyle/images/cdr-16.png"
":/qt-project.org/styles/commonstyle/images/up-16.png"
":/qt-project.org/styles/commonstyle/images/up-32.png"
":/qt-project.org/styles/commonstyle/images/dvd-32.png"
":/qt-project.org/styles/commonstyle/images/cdr-32.png"
":/qt-project.org/styles/commonstyle/images/left-32.png"
":/qt-project.org/styles/commonstyle/images/stop-32.png"
":/qt-project.org/styles/commonstyle/images/file-16.png"
":/qt-project.org/styles/commonstyle/images/down-16.png"
":/qt-project.org/styles/commonstyle/images/stop-24.png"
":/qt-project.org/styles/commonstyle/images/left-16.png"
":/qt-project.org/styles/commonstyle/images/down-32.png"
":/qt-project.org/styles/commonstyle/images/file-32.png"
":/qt-project.org/styles/commonstyle/images/dirlink-32.png"
":/qt-project.org/styles/commonstyle/images/diropen-32.png"
":/qt-project.org/styles/commonstyle/images/cleartext-32.png"
":/qt-project.org/styles/commonstyle/images/diropen-16.png"
":/qt-project.org/styles/commonstyle/images/cleartext-16.png"
":/qt-project.org/styles/commonstyle/images/dirlink-16.png"
":/qt-project.org/styles/commonstyle/images/networkdrive-128.png"
":/qt-project.org/styles/commonstyle/images/media-volume-muted-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-cancel-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-open-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-apply-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-apply-16.png"
":/qt-project.org/styles/commonstyle/images/fonttruetype-16.png"
":/qt-project.org/styles/commonstyle/images/newdirectory-128.png"
":/qt-project.org/styles/commonstyle/images/filecontents-128.png"
":/qt-project.org/styles/commonstyle/images/floppy-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-delete-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-delete-32.png"
":/qt-project.org/styles/commonstyle/images/harddrive-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-clear-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-close-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-clear-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-close-16.png"
":/qt-project.org/styles/commonstyle/images/dirclosed-128.png"
":/qt-project.org/styles/commonstyle/images/trash-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-apply-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-yes-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-yes-32.png"
":/qt-project.org/styles/commonstyle/images/fontbitmap-16.png"
":/qt-project.org/styles/commonstyle/images/newdirectory-32.png"
":/qt-project.org/styles/commonstyle/images/dirclosed-32.png"
":/qt-project.org/styles/commonstyle/images/newdirectory-16.png"
":/qt-project.org/styles/commonstyle/images/dirclosed-16.png"
":/qt-project.org/styles/commonstyle/images/up-128.png"
":/qt-project.org/styles/commonstyle/images/media-pause-32.png"
":/qt-project.org/styles/commonstyle/images/media-pause-16.png"
":/qt-project.org/styles/commonstyle/images/cdr-128.png"
":/qt-project.org/styles/commonstyle/images/dvd-128.png"
":/qt-project.org/styles/commonstyle/images/media-volume-16.png"
":/qt-project.org/styles/commonstyle/images/harddrive-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-cancel-16.png"
":/qt-project.org/styles/commonstyle/images/harddrive-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-closetab-hover-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-cancel-32.png"
":/qt-project.org/styles/commonstyle/images/viewdetailed-128.png"
":/qt-project.org/styles/commonstyle/images/fusion_groupbox.png"
":/qt-project.org/styles/commonstyle/images/right-128.png"
":/qt-project.org/styles/commonstyle/images/fileinfo-16.png"
":/qt-project.org/styles/commonstyle/images/filelink-16.png"
":/qt-project.org/styles/commonstyle/images/filelink-32.png"
":/qt-project.org/styles/commonstyle/images/fileinfo-32.png"
":/qt-project.org/styles/commonstyle/images/dirlink-128.png"
":/qt-project.org/styles/commonstyle/images/media-seek-forward-16.png"
":/qt-project.org/styles/commonstyle/images/media-seek-forward-32.png"
":/qt-project.org/styles/commonstyle/images/diropen-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-help-128.png"
":/qt-project.org/styles/commonstyle/images/viewdetailed-16.png"
":/qt-project.org/styles/commonstyle/images/viewdetailed-32.png"
":/qt-project.org/styles/commonstyle/images/media-seek-backward-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-ok-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-no-128.png"
":/qt-project.org/styles/commonstyle/images/media-seek-backward-32.png"
":/qt-project.org/styles/commonstyle/images/refresh-32.png"
":/qt-project.org/styles/commonstyle/images/refresh-24.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-save-128.png"
":/qt-project.org/styles/commonstyle/images/viewlist-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-yes-128.png"
":/qt-project.org/styles/commonstyle/images/computer-32.png"
":/qt-project.org/styles/commonstyle/images/computer-16.png"
":/qt-project.org/styles/commonstyle/images/parentdir-32.png"
":/qt-project.org/styles/commonstyle/images/parentdir-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-closetab-16.png"
":/qt-project.org/styles/commonstyle/images/media-play-16.png"
":/qt-project.org/styles/commonstyle/images/desktop-16.png"
":/qt-project.org/styles/commonstyle/images/media-stop-16.png"
":/qt-project.org/styles/commonstyle/images/desktop-32.png"
":/qt-project.org/styles/commonstyle/images/media-play-32.png"
":/qt-project.org/styles/commonstyle/images/down-128.png"
":/qt-project.org/styles/commonstyle/images/media-stop-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-delete-128.png"
":/qt-project.org/styles/commonstyle/images/media-skip-backward-32.png"
":/qt-project.org/styles/commonstyle/images/media-skip-backward-16.png"
":/qt-project.org/styles/commonstyle/images/fusion_arrow.png"
":/qt-project.org/styles/commonstyle/images/viewlist-16.png"
":/qt-project.org/styles/commonstyle/images/viewlist-32.png"
":/qt-project.org/styles/commonstyle/images/file-128.png"
":/qt-project.org/styles/commonstyle/images/floppy-32.png"
":/qt-project.org/styles/commonstyle/images/left-128.png"
":/qt-project.org/styles/commonstyle/images/floppy-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-no-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-ok-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-no-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-ok-16.png"
":/qt-project.org/styles/commonstyle/images/media-skip-forward-32.png"
":/qt-project.org/styles/commonstyle/images/media-skip-forward-16.png"
":/qt-project.org/styles/commonstyle/images/filelink-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-open-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-open-32.png"
":/qt-project.org/styles/commonstyle/images/fileinfo-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-help-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-help-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-save-16.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-save-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-closetab-down-16.png"
":/qt-project.org/styles/commonstyle/images/parentdir-128.png"
":/qt-project.org/styles/commonstyle/images/filecontents-32.png"
":/qt-project.org/styles/commonstyle/images/trash-32.png"
":/qt-project.org/styles/commonstyle/images/filecontents-16.png"
":/qt-project.org/styles/commonstyle/images/trash-16.png"
":/qt-project.org/styles/commonstyle/images/right-16.png"
":/qt-project.org/styles/commonstyle/images/right-32.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-clear-128.png"
":/qt-project.org/styles/commonstyle/images/standardbutton-close-128.png"
":/qt-project.org/styles/macstyle"
":/qt-project.org/styles/macstyle/images"
":/qt-project.org/styles/macstyle/images/toolbar-ext.png"
":/qt-project.org/styles/macstyle/images/dockdock-down-16.png"
":/qt-project.org/styles/macstyle/images/closedock-16.png"
":/qt-project.org/styles/macstyle/images/dockdock-16.png"
":/qt-project.org/styles/macstyle/images/closedock-down-16.png"
":/qt-project.org/styles/macstyle/images/toolbar-ext#2x.png"
":/qt-project.org/qmessagebox"
":/qt-project.org/qmessagebox/images"
":/qt-project.org/qmessagebox/images/qtlogo-64.png"
":/cursor-atlas.png"
":/cursor.json"
could not open ":/prefix/stopbutton.svg"

Qt6Quick in yocto

Is it possible to use QtQuick in yocto? (Or I missed something out)
I created simple coffee_6.2.0.bb recipe which uses demo from
~/Qt/Examples/Qt-6.2.0/demos/coffee/
But the error is:
Could NOT find Qt6Quick (missing: Qt6Quick_DIR
Recipe is quite simple:
.. Description and license stuff..
inherit qt6-cmake
include recipes-qt/qt6/qt6.inc
PROVIDES += "coffee"
FILES_${PN} += "${datadir}/${PN}"
do_install() {
install -d ${D}${base_bindir}
install ${B}/coffee ${D}${base_bindir}/coffee
}
SRC_URI = "file://${BP}.zip"
I am using http://code.qt.io/yocto/meta-qt6.git layer.

Where is Vue 3 versions list?

On the Vue installation page they recommend including this to html "for prototyping purposes":
<script src="https://unpkg.com/vue#next"></script>
And also warn that it is recommended to link to a specific version "for production":
For production, we recommend linking to a specific version number and build to avoid unexpected breakage from newer versions.
But where is the list of the available versions?
I searched on the installation page. I went to their Github and didn't find a list there. Where do I look? please help
Their GitHub page (Google query "vue 3 releases"):
https://github.com/vuejs/vue-next/releases
In addition to Vue's GitHub releases page indicated in the other answer, there are other options to determine the available versions of Vue.
Option 1: NPM version page
Use Vue's NPM version page. The version numbers listed in the "Version" column can be copied exactly into the URL for unpkg.com, as they use the same versioning from NPM (e.g., https://unpkg.com/vue#3.2.26). The same is true for the tags, such as latest, next, and beta (e.g., https://unpkg.com/vue#beta resolves to https://unpkg.com/vue#3.2.0-beta.8 as of this writing).
Option 2: Unpkg's browse-package page
Use the version dropdown on unpkg.com's browse-package page at https://unpkg.com/vue/ (note the trailing slash) or https://unpkg.com/browse/vue/:
Option 3: Command line with npm info
Use npm info vue versions to quickly list all available Vue versions on the command line:
$ npm info vue versions
[
'0.0.0', '0.6.0', '0.7.0',
'0.7.1', '0.7.3', '0.7.4',
'0.7.5', '0.7.6', '0.8.0',
'0.8.1', '0.8.2', '0.8.3',
'0.8.4', '0.8.6', '0.8.7',
'0.8.8', '0.9.0', '0.9.1',
'0.9.2', '0.9.3', '0.10.0',
'0.10.1', '0.10.2', '0.10.3',
'0.10.4', '0.10.5', '0.10.6',
'0.11.0-rc', '0.11.0-rc2', '0.11.0-rc3',
'0.11.0', '0.11.1', '0.11.2',
'0.11.3', '0.11.4', '0.11.5',
'0.11.6', '0.11.7', '0.11.8',
'0.11.9', '0.11.10', '0.12.0-beta1',
'0.12.0-beta2', '0.12.0-beta3', '0.12.0-beta4',
'0.12.0-beta5', '0.12.0-csp', '0.12.0-rc',
'0.12.0-rc2', '0.12.0', '0.12.1-csp',
'0.12.1-csp.1', '0.12.1-csp.2', '0.12.1',
'0.12.2', '0.12.3', '0.12.4',
'0.12.5-csp', '0.12.5', '0.12.6-csp',
'0.12.6', '0.12.7-csp', '0.12.7',
'0.12.8-csp', '0.12.8', '0.12.9-csp',
'0.12.9', '0.12.10-csp', '0.12.10',
'0.12.11-csp', '0.12.11', '0.12.12-csp',
'0.12.12', '0.12.13-csp', '0.12.13',
'0.12.14-csp', '0.12.14', '0.12.15-csp',
'0.12.15', '0.12.16-csp', '0.12.16',
'1.0.0-alpha.1', '1.0.0-alpha.2', '1.0.0-alpha.3',
'1.0.0-alpha.4', '1.0.0-alpha.5', '1.0.0-alpha.6',
'1.0.0-alpha.7', '1.0.0-alpha.8', '1.0.0-beta.1',
'1.0.0-beta.2', '1.0.0-beta.3', '1.0.0-beta.4',
'1.0.0-csp', '1.0.0-migration', '1.0.0-rc.1',
'1.0.0-rc.2', '1.0.0-rc.2-migration', '1.0.0',
'1.0.1', '1.0.2', '1.0.3',
'1.0.4', '1.0.5', '1.0.6',
'1.0.7', '1.0.8', '1.0.9',
'1.0.10-csp', '1.0.10', '1.0.11-csp',
'1.0.11', '1.0.12-csp', '1.0.12-csp-1',
'1.0.12', '1.0.13-csp', '1.0.13',
'1.0.14-csp', '1.0.14', '1.0.15-csp',
'1.0.15', '1.0.16-csp', '1.0.16',
'1.0.17-csp', '1.0.17', '1.0.18-csp',
'1.0.18', '1.0.19-csp', '1.0.19',
'1.0.20-csp', '1.0.20', '1.0.21-csp',
'1.0.21', '1.0.22-csp', '1.0.22',
'1.0.23-csp', '1.0.23', '1.0.24-csp',
'1.0.24', '1.0.25-csp', '1.0.25',
'1.0.26-csp', '1.0.26', '1.0.27-csp',
'1.0.27', '1.0.28-csp', '1.0.28',
'2.0.0-alpha.1', '2.0.0-alpha.2', '2.0.0-alpha.3',
'2.0.0-alpha.4', '2.0.0-alpha.5', '2.0.0-alpha.6',
'2.0.0-alpha.7', '2.0.0-alpha.8', '2.0.0-beta.1',
'2.0.0-beta.2', '2.0.0-beta.3', '2.0.0-beta.4',
'2.0.0-beta.5', '2.0.0-beta.6', '2.0.0-beta.7',
'2.0.0-beta.8', '2.0.0-rc.1', '2.0.0-rc.2',
'2.0.0-rc.3', '2.0.0-rc.4', '2.0.0-rc.5',
'2.0.0-rc.6', '2.0.0-rc.7', '2.0.0-rc.8',
'2.0.0', '2.0.1', '2.0.2',
'2.0.3', '2.0.4', '2.0.5',
'2.0.6', '2.0.7', '2.0.8',
'2.1.0', '2.1.1', '2.1.2',
'2.1.3', '2.1.4', '2.1.5',
'2.1.6', '2.1.7', '2.1.8',
'2.1.9', '2.1.10', '2.2.0-beta.1',
'2.2.0-beta.2', '2.2.0', '2.2.1',
'2.2.2', '2.2.3', '2.2.4',
'2.2.5', '2.2.6', '2.3.0-beta.1',
'2.3.0', '2.3.1', '2.3.2',
'2.3.3', '2.3.4', '2.4.0',
'2.4.1', '2.4.2', '2.4.3',
'2.4.4', '2.5.0', '2.5.1',
'2.5.2', '2.5.3', '2.5.4',
'2.5.5', '2.5.6', '2.5.7',
'2.5.8', '2.5.9', '2.5.10',
'2.5.11', '2.5.12', '2.5.13',
'2.5.14', '2.5.15', '2.5.16',
'2.5.17-beta.0', '2.5.17', '2.5.18-beta.0',
'2.5.18', '2.5.19', '2.5.20',
'2.5.21', '2.5.22', '2.6.0-beta.1',
'2.6.0-beta.2', '2.6.0-beta.3', '2.6.0',
'2.6.1', '2.6.2', '2.6.3',
'2.6.4', '2.6.5', '2.6.6',
'2.6.7', '2.6.8', '2.6.9',
'2.6.10', '2.6.11', '2.6.12',
'2.6.13', '2.6.14', '3.0.0-alpha.0',
'3.0.0-alpha.1', '3.0.0-alpha.2', '3.0.0-alpha.3',
'3.0.0-alpha.4', '3.0.0-alpha.5', '3.0.0-alpha.6',
'3.0.0-alpha.7', '3.0.0-alpha.8', '3.0.0-alpha.9',
'3.0.0-alpha.10', '3.0.0-alpha.11', '3.0.0-alpha.12',
'3.0.0-alpha.13', '3.0.0-beta.1', '3.0.0-beta.2',
'3.0.0-beta.3', '3.0.0-beta.4', '3.0.0-beta.5',
'3.0.0-beta.6', '3.0.0-beta.7', '3.0.0-beta.8',
'3.0.0-beta.9', '3.0.0-beta.10', '3.0.0-beta.11',
'3.0.0-beta.12', '3.0.0-beta.13', '3.0.0-beta.14',
'3.0.0-beta.15', '3.0.0-beta.16', '3.0.0-beta.17',
'3.0.0-beta.18', '3.0.0-beta.19', '3.0.0-beta.20',
'3.0.0-beta.21', '3.0.0-beta.22', '3.0.0-beta.23',
'3.0.0-beta.24', '3.0.0-rc.1', '3.0.0-rc.2',
'3.0.0-rc.3', '3.0.0-rc.4', '3.0.0-rc.5',
'3.0.0-rc.6', '3.0.0-rc.7', '3.0.0-rc.8',
'3.0.0-rc.9', '3.0.0-rc.10', '3.0.0-rc.11',
'3.0.0-rc.12', '3.0.0-rc.13', '3.0.0',
'3.0.1', '3.0.2', '3.0.3',
'3.0.4', '3.0.5', '3.0.6',
'3.0.7', '3.0.8', '3.0.9',
'3.0.10', '3.0.11', '3.1.0-beta.1',
'3.1.0-beta.2', '3.1.0-beta.3', '3.1.0-beta.4',
'3.1.0-beta.5', '3.1.0-beta.6', '3.1.0-beta.7',
'3.1.0', '3.1.1', '3.1.2',
'3.1.3', '3.1.4', '3.1.5',
'3.2.0-beta.1', '3.2.0-beta.2', '3.2.0-beta.3',
'3.2.0-beta.4', '3.2.0-beta.5', '3.2.0-beta.6',
'3.2.0-beta.7', '3.2.0-beta.8', '3.2.0',
'3.2.1', '3.2.2', '3.2.3',
'3.2.4', '3.2.5', '3.2.6',
'3.2.7', '3.2.8', '3.2.9',
'3.2.10', '3.2.11', '3.2.12',
'3.2.13', '3.2.14', '3.2.15',
'3.2.16', '3.2.17', '3.2.18',
'3.2.19', '3.2.20', '3.2.21',
'3.2.22', '3.2.23', '3.2.24',
'3.2.25', '3.2.26'
]

bitbake do_package_qa issue contains bad RPATH

I am clueless about an issue which i am facing.
During cross compiling one of the app, i am getting following error which is making no sense.
If someone can help me debug the issue, it would be really helpful.
ERROR: lib32-audiod-1.0.0-161.jcl4tv.85-r26audiod-automation-10Feb_00 do_package_qa: QA Issue: package lib32-audiod-ptest contains bad RPATH /home/work/ashutosh.tripathi/o20_build/build-starfish/BUILD/work/o20-starfishmllib32-linux-gnueabi/lib32-audiod/1.0.0-161.jcl4tv.85-r26audiod-automation-10Feb_00/audiod-1.0.0-161.jcl4tv.85 in file /home/work/ashutosh.tripathi/o20_build/build-starfish/BUILD/work/o20-starfishmllib32-linux-gnueabi/lib32-audiod/1.0.0-161.jcl4tv.85-r26audiod-automation-10Feb_00/packages-split/lib32-audiod-ptest/opt/webos/tests/audiod/gtest_audiod
package lib32-audiod-ptest contains bad RPATH /home/work/ashutosh.tripathi/o20_build/build-starfish/BUILD/work/o20-starfishmllib32-linux-gnueabi/lib32-audiod/1.0.0-161.jcl4tv.85-r26audiod-automation-10Feb_00/audiod-1.0.0-161.jcl4tv.85 in file /home/work/ashutosh.tripathi/o20_build/build-starfish/BUILD/work/o20-starfishmllib32-linux-gnueabi/lib32-audiod/1.0.0-161.jcl4tv.85-r26audiod-automation-10Feb_00/packages-split/lib32-audiod-ptest/opt/webos/tests/audiod/gtest_audiod [rpaths]
ERROR: lib32-audiod-1.0.0-161.jcl4tv.85-r26audiod-automation-10Feb_00 do_package_qa: QA run found fatal errors. Please consider fixing them.
ERROR: lib32-audiod-1.0.0-161.jcl4tv.85-r26audiod-automation-10Feb_00 do_package_qa: Function failed: do_package_qa
ERROR: Logfile of failure stored in: /home/work/ashutosh.tripathi/o20_build/build-starfish/BUILD/work/o20-starfishmllib32-linux-gnueabi/lib32-audiod/1.0.0-161.jcl4tv.85-r26audiod-automation-10Feb_00/temp/log.do_package_qa.4873
ERROR: Task (virtual:multilib:lib32:/home/work/ashutosh.tripathi/o20_build/build-starfish/meta-lg-webos/meta-webos/recipes-multimedia/audiod/audiod.bb:do_package_qa) failed with exit code '1'
NOTE: Tasks Summary: Attempted 2622 tasks of which 2608 didn't need to be rerun and 1 failed.
Here is the audiod recipe file:
DEPENDS = "glib-2.0 libpbnjson luna-service2 pmloglib luna-prefs boost pulseaudio"
RDEPENDS_${PN} = "\
libasound \
libasound-module-pcm-pulse \
libpulsecore \
pulseaudio \
pulseaudio-lib-cli \
pulseaudio-lib-protocol-cli \
pulseaudio-misc \
pulseaudio-module-cli-protocol-tcp \
pulseaudio-module-cli-protocol-unix \
pulseaudio-server \
"
WEBOS_VERSION = "1.0.0-161.open.12_49f981e4e5a599b75d893520b30393914657a4ae"
PR = "r26"
inherit webos_component
inherit webos_enhanced_submissions
inherit webos_cmake
inherit webos_library
inherit webos_daemon
inherit webos_system_bus
inherit webos_machine_dep
inherit gettext
inherit webos_lttng
inherit webos_public_repo
inherit webos_test_provider
# TODO: move to WEBOS_GIT_REPO_COMPLETE
WEBOS_REPO_NAME = "audiod-pro"
SRC_URI = "${WEBOS_PRO_GIT_REPO_COMPLETE}"
S = "${WORKDIR}/git"
EXTRA_OECMAKE += "${#bb.utils.contains('WEBOS_LTTNG_ENABLED', '1', '-DWEBOS_LTTNG_ENABLED:BOOLEAN=True', '', d)}"
EXTRA_OECMAKE += "-DAUDIOD_PALM_LEGACY:BOOLEAN=True"
EXTRA_OECMAKE += "-DAUDIOD_TEST_API:BOOLEAN=True"
FILES_${PN} += "${datadir}/alsa/"
FILES_${PN} += "/data"
FILES_${PN} += "${webos_mediadir}/internal"
I would like to thank the stackoverflow community for the help offered.
Adding the following flags helped resolve the issue.
Posting it here, so that others may get some benefit from it, if they ever face similar problem
set(CMAKE_INSTALL_RPATH "$ORIGIN")
set(CMAKE_BUILD_WITH_INSTALL_RPATH TRUE)
Or, skipping RPATH also does the job:
SET(CMAKE_SKIP_BUILD_RPATH TRUE)
SET(CMAKE_BUILD_WITH_INSTALL_RPATH FALSE)
SET(CMAKE_INSTALL_RPATH_USE_LINK_PATH FALSE)
worked also by adding following line into the recipe:
EXTRA_OECMAKE += "-DCMAKE_SKIP_RPATH=TRUE"
https://www.yoctoproject.org/docs/current/ref-manual/ref-manual.html#ref-classes-cmake

How to have MSBuild quiet output but with error/warning summary

I'm simply trying to get no output from a build except the error/warning summary at the end. Not exactly a demanding task.
The command line:
msbuild.exe /nologo /verbosity:quiet /consoleloggerparameters:summary project.sln
As described here: http://msdn.microsoft.com/en-us/library/ms164311.aspx
It appears MSBuild isn't working as it should - there is no output at all. with /verbosity:normal there is tonnes of output and a useful error/warning summary at the end, is there any way of just not seeing the noise?
MSBuild reports version 12.0.21005.1 as distributed with Studio Express 2013.
late to the party, but MSBuild has the option /verbosity:quiet now and it doesn't print out anything beside error and warnings.
You can specify the following verbosity levels:
q[uiet], m[inimal], n[ormal], d[etailed], and diag[nostic]
Documentation source: https://msdn.microsoft.com/en-us/library/ms164311.aspx
Use /consoleloggerparameters:ErrorsOnly or clp:ErrorsOnly to solve your problem.
I don't think there is a set of options thet matches what you want exactly. But since you're on the commandline anyway, using findstr/grep/tail and the likes is always a good option. Here's an example using powershell to display the summary and what comes after it
powershell -Command "msbuild.exe /nologo project.sln |
Select-String 'Build succeeded|failed' -Context 0, 100"
Another possibility is to use a custom logger, which is not hard as it sounds at first and there are tons of examples on the net. Plus it has the benefit you can get any custom output you want. Here's code to replicate the summary:
using System;
using Microsoft.Build.Utilities;
using Microsoft.Build.Framework;
public class CustomLogger : Logger
{
private int warnings = 0;
private int errors = 0;
public override void Initialize( IEventSource eventSource )
{
eventSource.WarningRaised += ( s, e ) => ++warnings;
eventSource.ErrorRaised += ( s, e ) => ++errors;
eventSource.BuildFinished += ( s, e ) =>
{
Console.WriteLine( errors == 0 ? "Build succeeded." : "Build failed." );
Console.WriteLine( String.Format( " {0} Warning(s)", warnings ) );
Console.WriteLine( String.Format( " {0} Error(s)", errors ) );
};
}
}
Put this in a file CustomLogger.cs and compile it:
csc /t:library CustomLogger.cs /reference:Microsoft.Build.Utilities.v4.0.dll;Microsoft.Build.Framework.dll
which creates a CustomLogger dll file. Now use it like this:
msbuild /nologo /logger:CustomLogger.dll /noconsolelogger project.sln
Use /verbosity:minimal instead. This prints much less, but not nothing.