Git Product home page Git Product logo

installtensorflowtx2's Introduction

installTensorFlowTX2

September 13, 2017 JetsonHacks

Install TensorFlow v1.3 on NVIDIA Jetson TX2 Development Kit

Jetson TX2 is flashed with JetPack 3.1 which installs:

  • L4T 28.1 an Ubuntu 16.04 64-bit variant (aarch64)
  • CUDA 8.0
  • cuDNN 6.0

Pre-built installation

If you are only interested in installing Tensorflow on the TX2, not building from source, pre-built wheel files are available here: https://github.com/jetsonhacks/installTensorFlowJetsonTX

If you are interested in building from source, read on.

Preparation

Before installing TensorFlow, a swap file should be created (minimum of 8GB recommended). The Jetson TX2 does not have enough physical memory to compile TensorFlow. The swap file may be located on the internal eMMC, and may be removed after the build.

There is a convenience script for building a swap file. To build a 8GB swapfile on the eMMC in the home directory:

$ ./createSwapfile.sh -d ~/ -s 8

After TensorFlow has finished building, the swap file is no longer needed and may be removed.

These scripts support either Python 2.7 or Python 3.5. TensorFlow should be built in the following order:

For Python 2.7

installPrerequisites.sh

Installs Java and other dependencies needed. Also builds Bazel version 0.5.2.

cloneTensorFlow.sh

Git clones v1.3.0 from the TensorFlow repository and patches the source code for aarch64

setTensorFlowEV.sh

Sets up the TensorFlow environment variables. This script will ask for the default python library path. There are many settings to chose from, the script picks the usual suspects. Uses python 2.7.

For Python 3.5

installPrerequisitesPy3.sh

Installs Java and other dependencies needed. Also builds Bazel version 0.5.2.

cloneTensorFlow.sh

Git clones v1.3.0 from the TensorFlow repository and patches the source code for aarch64

setTensorFlowEVPy3.sh

Sets up the TensorFlow environment variables. This script will ask for the default python library path. There are many settings to chose from, the script picks the usual suspects. Uses python 3.5.

Build TensorFlow

Once the prerequisites have been installed and the environment configured, it is time to build TensorFlow itself.

buildTensorFlow.sh

Builds TensorFlow.

packageTensorFlow.sh

Once TensorFlow has finished building, this script may be used to create a 'wheel' file, a package for installing with Python. The wheel file will be in the $HOME directory.

Install wheel file

For Python 2.X

$ pip install $HOME/wheel file

For Python 3.X

$ pip3 install $HOME/wheel file

Notes

This TensorFlow installation procedure was derived from these discussion threads:

Release Notes

September 13, 2017

  • L4T 28.1 (JetPack 3.1)
  • TensorFlow 1.3
  • Github changed some sha256 checksums, patches added to workspace.bzl as workaround

September 2017

  • L4T 28.1 (JetPack 3.1)
  • TensorFlow 1.3

April 2017

  • Initial Release
  • L4T 27.1 (JetPack 3.0)
  • TensorFlow 1.0

License

MIT License

Copyright (c) 2017 Jetsonhacks

Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions:

The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software.

THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.

installtensorflowtx2's People

Contributors

jetsonhacks avatar stanleynguyen 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  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

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

installtensorflowtx2's Issues

From V1.0.1 to V1.1.0?

There is something with TF v1.0.1, I want to update it.
If I change the follow files, can it works? Whether I need to uninstall the former vision?

  1. cloneTensorFlow.sh
    git checkout v1.1.0
  2. packageTensorFlow.sh
    mv /tmp/tensorflow_pkg/tensorflow-1.0.1-cp27-cp27mu-linux_aarch64.whl $HOME/

tf.image.crop_and_resize() return 0 values when assigned to GPU on the Jetson TX2

System information

  • Have I written custom code (as opposed to using a stock example script provided in TensorFlow): Yes
  • OS Platform and Distribution (e.g., Linux Ubuntu 16.04): 16.04.LTS
  • TensorFlow installed from (source or binary): Source
  • TensorFlow version (use command below): 1.3.0
  • Python version: 2.7.12
  • Bazel version (if compiling from source): 0.5.2
  • CUDA/cuDNN version: 8.0/6.0.21
  • GPU model and memory: Nvidia Tegra X2
  • Exact command to reproduce:tf.image.crop_and_resize(raw_sample, boxes, box_ind)

Describe the problem

I'm getting completly different results from tensorflow's function tf.image.crop_and_resize(...) when assigned it to gpu and cpu.
In other words:
-when I run this ops on CPU, I get correct results( I mean, the right crops)
-when I put it on the GPU device I get crops fulled with 0 values.

Source code / logs

Here, you can see a simple use case:

import tensorflow as tf 
import numpy as np
import cv2 #Just importing cv2 to read  image, you use PIL or anything else to load it

device='gpu' 

def img2batch_crops(input_image):
    raw_sample_tensor_4d=tf.expand_dims(input_image, 0)
    
    #Setting the size to crop and the final size of cropped images
    patches_top=[0,0.5]
    patches_bottom =[0.5,0.5]
    crop_size = [100,100]
    boxes=tf.stack([patches_top, patches_top, patches_bottom, patches_bottom], axis=1)
    
    ##Here is the bug:
        #When device == 'cpu', I got  results 
        #When device == 'gpu', I got  black cropped images( 0 values)
    with tf.device('/'+device+':0'):  
        crops=tf.image.crop_and_resize(raw_sample_tensor_4d, boxes, box_ind=tf.zeros_like(patches_top, dtype=tf.int32), crop_size=crop_size, name="croper")

    return crops


def main():

	img_data = cv2.imread('image.jpg') #Just loading the image,

	print("Shape and type of image input ",img_data.shape, img_data.dtype) #Print the shape and the type of the image, supposed to be a numpy array

	raw_image = tf.placeholder(dtype=tf.float32, shape=img_data.shape, name='input_image')
     
       crops = img2batch_crops(raw_image) # Adding ops to the graph

	with tf.Session() as sess:
	    myBatchedImages = sess.run(crops, feed_dict={raw_image:img_data})
	    cv2.imwrite('result_'+device+'.jpg',myBatchedImages[0])   ## Savej just one cropped image to see how it looks like

main()

Could you provide the relative wheel file?

Great implement! I just try to change the file in the installTensorFlowTX1 and find this today.

However, I''m failed to build my own TensorFlow wheel since it always alert that "No space left on device".

Could you share the wheel file you built?

Thanks so much!

import tensorflow as tf fails

Hi,
I installed tensorflow on my tx2 using your wheels.

My config

[nvidia@tegra-ubuntu jetsonUtilities]$ python jetsoninfo.py 
 Hardware Model Name not available
 L4T 27.1.0
 Board: t186ref
 Ubuntu 16.04 LTS
 Kernel Version: 4.4.15-tegra

As I try to import tensorflow

>>> import tensorflow as tf
Traceback (most recent call last):
  File "<stdin>", line 1, in <module>
  File "/usr/local/lib/python2.7/dist-packages/tensorflow/__init__.py", line 24, in <module>
    from tensorflow.python import *
  File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/__init__.py", line 49, in <module>
    from tensorflow.python import pywrap_tensorflow
  File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/pywrap_tensorflow.py", line 52, in <module>
    raise ImportError(msg)
ImportError: Traceback (most recent call last):
  File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/pywrap_tensorflow.py", line 41, in <module>
    from tensorflow.python.pywrap_tensorflow_internal import *
  File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/pywrap_tensorflow_internal.py", line 28, in <module>
    _pywrap_tensorflow_internal = swig_import_helper()
  File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/pywrap_tensorflow_internal.py", line 24, in swig_import_helper
    _mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description)
ImportError: libcusolver.so.8.0: cannot open shared object file: No such file or directory


Failed to load the native TensorFlow runtime.

Help appreciated!

Howto install cudnn

I am trying to source build tensorflow. All until buildSource.

./buildTensorFlow.sh
Cuda Configuration Error: cuDNN version detected from /usr/lib/aarch64-linux-gnu/include/cudnn.h (5.1.10) does not match TF_CUDNN_VERSION (6.0.21)
.

Is there a way to upgrade CuDNN without flashing my device with jetpack?

Tensorflow r1.x for Jetson TX1

Can bazel 0.4.5 be built on Jetson TX1?

I know that you have a script for TX1, but that doesn't install the latest version of tensorflow.
When I try to build bazel 0.4.5 with your script, it fails, which I don't understand.
Can you verify this? TX2 is also using 'aarch64' architecture, then why does it fail?

I think after building bazel, building tensorflow won't be hard since I already have CUDA 8.0 and CUDNN 5.1, installed with newest JetPack.

Error output is as follows:

scripts/bootstrap/compile.sh: line 316: 13922 Killed                  "${JAVA_HOME}/bin/java" -XX:+HeapDumpOnOutOfMemoryError -Xverify:none -Dfile.encoding=ISO-8859-1 -XX:HeapDumpPath=${OUTPUT_DIR} -Djava.util.logging.config.file=${OUTPUT_DIR}/javalog.properties ${JNI_FLAGS} -jar ${ARCHIVE_DIR}/libblaze.jar --batch --install_base=${ARCHIVE_DIR} --output_base=${OUTPUT_DIR}/out --install_md5= --workspace_directory=${PWD} --nofatal_event_bus_exceptions ${BAZEL_DIR_STARTUP_OPTIONS} ${BAZEL_BOOTSTRAP_STARTUP_OPTIONS:-} $command --ignore_unsupported_sandboxing --startup_time=329 --extract_data_time=523 --rc_source=/dev/null --isatty=1 --ignore_client_env --client_cwd=${PWD} "${@}"

ERROR: Could not build Bazel

Thank you so much for your effort with Jetson series.

tx2 and python 2.7

Hi,
After instalting Jetpack 3.2 (hereby cuda 9.0) on TX2, I installed tensorflow with sudo pip2 install tensorflow-1.6.0rc1-cp27-cp27mu-linux_aarch64.whl.

I stucked in the error after installing. How can I get rid of the error libcusolver.so.8.0 of cuda 8?
Thanks

nvidia@tegra-ubuntu:~$ python
Python 2.7.12 (default, Dec 4 2017, 14:50:18)
[GCC 5.4.0 20160609] on linux2
Type "help", "copyright", "credits" or "license" for more information.

import tensorflow as tf
Traceback (most recent call last):
File "", line 1, in
File "/usr/local/lib/python2.7/dist-packages/tensorflow/init.py", line 24, in
from tensorflow.python import * # pylint: disable=redefined-builtin
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/init.py", line 49, in
from tensorflow.python import pywrap_tensorflow
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/pywrap_tensorflow.py", line 74, in
raise ImportError(msg)
ImportError: Traceback (most recent call last):
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/pywrap_tensorflow.py", line 58, in
from tensorflow.python.pywrap_tensorflow_internal import *
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/pywrap_tensorflow_internal.py", line 28, in
_pywrap_tensorflow_internal = swig_import_helper()
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/pywrap_tensorflow_internal.py", line 24, in swig_import_helper
_mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description)
ImportError: libcusolver.so.8.0: cannot open shared object file: No such file or directory

tensorflow 1.2.0

Hi do you have any plan on make tut for how to build 1.2.0 on jetson tx2?

I have tried several times and i always failed to build on jetson tx2

Unable to Install wheel file: pip install $HOME/tensorflow-1.0.1-cp27-cp27mu-linux_aarch64.whl

nvidia@tegra-ubuntu:~$ pip install tensorflow-1.3.0-cp27-cp27mu-linux_aarch64.whl

tensorflow-1.3.0-cp27-cp27mu-linux_aarch64.whl is not a supported wheel on this platform.

I even tried sudo:

nvidia@tegra-ubuntu:~$ sudo pip install tensorflow-1.3.0-cp27-cp27mu-linux_aarch64.whl

The directory '/home/nvidia/.cache/pip/http' or its parent directory is not owned by the current user and the cache has been disabled. Please check the permissions and owner of that directory. If executing pip with sudo, you may want sudo's -H flag.
The directory '/home/nvidia/.cache/pip' or its parent directory is not owned by the current user and caching wheels has been disabled. check the permissions and owner of that directory. If executing pip with sudo, you may want sudo's -H flag.

tensorflow-1.3.0-cp27-cp27mu-linux_aarch64.whl is not a supported wheel on this platform.

How to remove the swapfile

My installation was incomplete due to lack of space on device. As I try to rm ~/swapfile, I get Operation not Permitted. Even tried as root. Didn't help. Any pointers on this?

Memory issue (?) : failed to synchronize the stop event: CUDA_ERROR_LAUNCH_FAILED

System information

OS Platform and Distribution (e.g., Linux Ubuntu 16.04): 16.04.LTS
TensorFlow installed from (source or binary): binary
TensorFlow version (use command below): 1.3.0
Python version: 2.7.12
CUDA/cuDNN version: 8.0/6.0.21
GPU model and memory: Nvidia Tegra X2

Describe the problem

I'm trying to run an inference using resnet50 as a feature encoder (semantic segmentation with 2 classes). Depending on my memory load, I get the following error log sooner or later:

2017-11-10 05:10:43.484563: W tensorflow/core/framework/op_kernel.cc:1192] Invalid argument: Invalid reduction dimension (-1146944963 for input with 4 dimension(s)
2017-11-10 05:10:44.646881: E tensorflow/stream_executor/cuda/cuda_driver.cc:1068] failed to synchronize the stop event: CUDA_ERROR_LAUNCH_FAILED
2017-11-10 05:10:44.646946: E tensorflow/stream_executor/cuda/cuda_timer.cc:54] Internal: error destroying CUDA event in context 0x30eb3d0: CUDA_ERROR_LAUNCH_FAILED
2017-11-10 05:10:44.646975: E tensorflow/stream_executor/cuda/cuda_timer.cc:59] Internal: error destroying CUDA event in context 0x30eb3d0: CUDA_ERROR_LAUNCH_FAILED
2017-11-10 05:10:44.647369: E tensorflow/stream_executor/cuda/cuda_blas.cc:551] failed to run cuBLAS routine cublasSgemm_v2: CUBLAS_STATUS_EXECUTION_FAILED
2017-11-10 05:10:44.647478: W tensorflow/core/framework/op_kernel.cc:1192] Invalid argument: slice index 1000163558 of dimension 0 out of bounds.
2017-11-10 05:10:44.647529: W tensorflow/core/framework/op_kernel.cc:1192] Invalid argument: slice index 1021428837 of dimension 0 out of bounds.
2017-11-10 05:10:44.647573: W tensorflow/core/framework/op_kernel.cc:1192] Invalid argument: slice index 1004492442 of dimension 0 out of bounds.

This happens whether a swapfile is being used or not. When this happens, any other inference run is impossible, even with a network with a small footprint. I'm wondering whether there is a memory issue and if yes how to deal with this ?

For info, I happen to get a similar error log when using a TX1 (compiled and binary tensorflow were tried, same os / tf configuration as above)

Problem with Jetpack 3.1 installation

I've had one problem with Jetpack 3.1, solved it with this small change

diff --git a/setTensorFlowEV.sh b/setTensorFlowEV.sh
index 9b21dfa..0e6c82c 100755
--- a/setTensorFlowEV.sh
+++ b/setTensorFlowEV.sh
@@ -27,7 +27,7 @@ TF_CUDA_VERSION=8.0
 default_cuda_path=/usr/local/cuda
 CUDA_TOOLKIT_PATH=$default_cuda_path
 # cuDNN
-TF_CUDNN_VERSION=5.1.10
+TF_CUDNN_VERSION=6.0.21
 default_cudnn_path=/usr/lib/aarch64-linux-gnu
 CUDNN_INSTALL_PATH=$default_cudnn_path
 # CUDA compute capability

the latest Jetpack solves the annoying gpu memory allocation problem https://devtalk.nvidia.com/default/topic/1013464/jetson-tx2/gpu-out-of-memory-when-the-total-ram-usage-is-2-8g/post/5191096/#5191096

error when building

Hi

Followed instructions exactly as directed but running into an error when building TF

INFO: From Compiling tensorflow/core/kernels/tile_ops_gpu.cu.cc:
Killed
ERROR: /home/ubuntu/tensorflow/tensorflow/core/kernels/BUILD:685:1: output 'tensorflow/core/kernels/_objs/tile_ops_gpu/tensorflow/core/kernels/tile_ops_gpu.cu.pic.o' was not created.
ERROR: /home/ubuntu/tensorflow/tensorflow/core/kernels/BUILD:685:1: not all outputs were created or valid.
Target //tensorflow/tools/pip_package:build_pip_package failed to build
ERROR: /home/ubuntu/tensorflow/tensorflow/tools/pip_package/BUILD:103:1 not all outputs were created or valid.

any help would be much appreciated!

buildTensorFlow.sh build Error

image

I want to install tf in TX2 using jetpack3.1 and my python version is 3.5. when i run ./buildTensorFlow.sh, the error is as above, i am confused how to solve this problem, can you help me?

rules_closure problem: function change

nvidia@tegra-ubuntu:/media/nvidia/YYFSD/DL/installTensorFlowTX2$ ./buildTensorFlow.sh
ERROR: /home/nvidia/.cache/bazel/_bazel_nvidia/d2751a49dacf4cb14a513ec663770624/external/io_bazel_rules_closure/closure/stylesheets/closure_css_binary.bzl:65:13: The function 'set' has been removed in favor of 'depset', please use the latter. You can temporarily refer to the old 'set' constructor from unexecuted code by using --incompatible_disallow_uncalled_set_constructor=false
ERROR: error loading package '': Extension 'closure/stylesheets/closure_css_binary.bzl' has errors
ERROR: error loading package '': Extension 'closure/stylesheets/closure_css_binary.bzl' has errors
INFO: Elapsed time: 0.284s
FAILED: Build did NOT complete successfully (0 packages loaded)

Installing on JetsonTX2 - flashed with JetPack3.1 Bazel compilation error

Hi, I'm trying to install according with instruction but getting a bazel compiling error java.lang.InternalError: Cannot find requested resource bundle for locale en_US here the logs:
using this tag vL4T28.1TF1.3V3

nvidia@tegra-ubuntu:~/installTensorFlowTX2$ ./createSwapfile.sh -d / -s 8
Creating Swapfile at: /home/nvidia/
Swapfile Size: 8G
Automount: N
-rw-rw-r-- 1 nvidia nvidia 8.0G Jan 24 16:20 swapfile
-rw------- 1 nvidia nvidia 8.0G Jan 24 16:20 swapfile
Setting up swapspace version 1, size = 8 GiB (8589930496 bytes)
no label, UUID=de851f81-57f7-464f-afaa-1d18b947476f
swapon: /home/nvidia/swapfile: insecure file owner 1001, 0 (root) suggested.
Filename Type Size Used Priority
/home/nvidia/swapfile file 8388604 0 -1
nvidia@tegra-ubuntu:
/installTensorFlowTX2$ ./installPrerequisitesPy3.sh
Oracle Java (JDK) Installer (automatically downloads and installs Oracle JDK7 / JDK8 / JDK9). There are no actual Java files in this PPA.

Important -> Why Oracle Java 7 And 6 Installers No Longer Work: http://www.webupd8.org/2017/06/why-oracle-java-7-and-6-installers-no.html

Ubuntu 16.10 Yakkety Yak is no longer supported by Canonical (and thus, Launchpad and this PPA). The PPA supports Ubuntu 17.10, 17.04, 16.04, 14.04 and 12.04.

More info (and Ubuntu installation instructions):

Debian installation instructions:

Oracle Java 9 (for both Ubuntu and Debian): http://www.webupd8.org/2015/02/install-oracle-java-9-in-ubuntu-linux.html

Oracle JDK 9 is now considered stable. There are currently only 64bit builds (no other builds are available for download: http://www.oracle.com/technetwork/java/javase/downloads/index.html )
More info: https://launchpad.net/~webupd8team/+archive/ubuntu/java
Press [ENTER] to continue or ctrl-c to cancel adding it

gpg: keyring /tmp/tmp2no6qw48/secring.gpg' created gpg: keyring /tmp/tmp2no6qw48/pubring.gpg' created
gpg: requesting key EEA14886 from hkp server keyserver.ubuntu.com
gpg: /tmp/tmp2no6qw48/trustdb.gpg: trustdb created
gpg: key EEA14886: public key "Launchpad VLC" imported
gpg: no ultimately trusted keys found
gpg: Total number processed: 1
gpg: imported: 1 (RSA: 1)
OK
Get:1 file:/var/cuda-repo-8-0-local InRelease
Ign:1 file:/var/cuda-repo-8-0-local InRelease
Get:2 file:/var/libopencv4tegra-repo InRelease
Ign:2 file:/var/libopencv4tegra-repo InRelease
Get:3 file:/var/nv-gie-repo-ga-cuda8.0-trt2.1-20170614 InRelease
Ign:3 file:/var/nv-gie-repo-ga-cuda8.0-trt2.1-20170614 InRelease
Get:4 file:/var/visionworks-repo InRelease
Ign:4 file:/var/visionworks-repo InRelease
Get:5 file:/var/visionworks-sfm-repo InRelease
Ign:5 file:/var/visionworks-sfm-repo InRelease
Get:6 file:/var/visionworks-tracking-repo InRelease
Ign:6 file:/var/visionworks-tracking-repo InRelease
Get:7 file:/var/cuda-repo-8-0-local Release [574 B]
Get:8 file:/var/libopencv4tegra-repo Release [347 B]
Get:7 file:/var/cuda-repo-8-0-local Release [574 B]
Get:9 file:/var/nv-gie-repo-ga-cuda8.0-trt2.1-20170614 Release [574 B]
Get:10 file:/var/visionworks-repo Release [1,999 B]
Get:8 file:/var/libopencv4tegra-repo Release [347 B]
Get:11 file:/var/visionworks-sfm-repo Release [2,003 B]
Get:9 file:/var/nv-gie-repo-ga-cuda8.0-trt2.1-20170614 Release [574 B]
Get:12 file:/var/visionworks-tracking-repo Release [2,008 B]
Get:10 file:/var/visionworks-repo Release [1,999 B]
Get:13 file:/var/libopencv4tegra-repo Release.gpg [819 B]
Get:11 file:/var/visionworks-sfm-repo Release [2,003 B]
Get:12 file:/var/visionworks-tracking-repo Release [2,008 B]
Get:13 file:/var/libopencv4tegra-repo Release.gpg [819 B]
Hit:15 http://ports.ubuntu.com/ubuntu-ports xenial InRelease
Get:16 http://ppa.launchpad.net/webupd8team/java/ubuntu xenial InRelease [17.5 kB]
Get:17 http://ports.ubuntu.com/ubuntu-ports xenial-updates InRelease [102 kB]
Get:20 http://ports.ubuntu.com/ubuntu-ports xenial-security InRelease [102 kB]
Get:23 http://ppa.launchpad.net/webupd8team/java/ubuntu xenial/main arm64 Packages [2,460 B]
Get:24 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 DEP-11 Metadata [308 kB]
Get:25 http://ppa.launchpad.net/webupd8team/java/ubuntu xenial/main Translation-en [1,260 B]
Get:26 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main DEP-11 64x64 Icons [226 kB]
Get:27 http://ports.ubuntu.com/ubuntu-ports xenial-updates/universe arm64 DEP-11 Metadata [193 kB]
Get:28 http://ports.ubuntu.com/ubuntu-ports xenial-updates/universe DEP-11 64x64 Icons [264 kB]
Get:29 http://ports.ubuntu.com/ubuntu-ports xenial-updates/multiverse arm64 DEP-11 Metadata [4,072 B]
Get:30 http://ports.ubuntu.com/ubuntu-ports xenial-security/main arm64 DEP-11 Metadata [62.7 kB]
Get:31 http://ports.ubuntu.com/ubuntu-ports xenial-security/main DEP-11 64x64 Icons [71.3 kB]
Get:32 http://ports.ubuntu.com/ubuntu-ports xenial-security/universe arm64 DEP-11 Metadata [51.3 kB]
Get:33 http://ports.ubuntu.com/ubuntu-ports xenial-security/universe DEP-11 64x64 Icons [85.1 kB]
Fetched 1,491 kB in 4s (308 kB/s)
Reading package lists... Done
W: Invalid 'Date' entry in Release file /var/lib/apt/lists/_var_libopencv4tegra-repo_Release
Reading package lists... Done
Building dependency tree
Reading state information... Done
The following packages were automatically installed and are no longer required:
apt-clone archdetect-deb dmeventd dmraid dpkg-repack gir1.2-timezonemap-1.0 gir1.2-xkl-1.0 kpartx kpartx-boot libappstream3 libdebian-installer4
libdevmapper-event1.02.1 libdmraid1.0.0.rc16 liblockfile-bin liblockfile1 liblvm2app2.2 liblvm2cmd2.02 libparted-fs-resize0 libreadline5 lockfile-progs
lvm2 os-prober pmount python3-icu python3-pam rdate ubiquity-casper ubiquity-ubuntu-artwork
Use 'sudo apt autoremove' to remove them.
The following additional packages will be installed:
gsfonts-x11 java-common oracle-java8-set-default
Suggested packages:
binfmt-support visualvm ttf-baekmuk | ttf-unfonts | ttf-unfonts-core ttf-kochi-gothic | ttf-sazanami-gothic ttf-kochi-mincho | ttf-sazanami-mincho
ttf-arphic-uming
The following NEW packages will be installed:
gsfonts-x11 java-common oracle-java8-installer oracle-java8-set-default
0 upgraded, 4 newly installed, 0 to remove and 537 not upgraded.
Need to get 55.0 kB of archives.
After this operation, 272 kB of additional disk space will be used.
Get:1 http://ppa.launchpad.net/webupd8team/java/ubuntu xenial/main arm64 oracle-java8-installer all 8u161-1webupd80 [33.1 kB]
Get:2 http://ports.ubuntu.com/ubuntu-ports xenial/main arm64 java-common all 0.56ubuntu2 [7,742 B]
Get:3 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 gsfonts-x11 all 0.24 [7,314 B]
Get:4 http://ppa.launchpad.net/webupd8team/java/ubuntu xenial/main arm64 oracle-java8-set-default all 8u161-1webupd80 [6,830 B]
Fetched 55.0 kB in 0s (66.2 kB/s)
Preconfiguring packages ...
Selecting previously unselected package java-common.
(Reading database ... 163374 files and directories currently installed.)
Preparing to unpack .../java-common_0.56ubuntu2_all.deb ...
Unpacking java-common (0.56ubuntu2) ...
Selecting previously unselected package oracle-java8-installer.
Preparing to unpack .../oracle-java8-installer_8u161-1webupd80_all.deb ...
Unpacking oracle-java8-installer (8u161-1webupd80) ...
Processing triggers for man-db (2.7.5-1) ...
Processing triggers for hicolor-icon-theme (0.15-0ubuntu1) ...
Processing triggers for shared-mime-info (1.5-2) ...
Processing triggers for bamfdaemon (0.5.3bzr0+16.04.20160523-0ubuntu1) ...
Rebuilding /usr/share/applications/bamf-2.index...
Processing triggers for gnome-menus (3.13.3-6ubuntu3) ...
Processing triggers for desktop-file-utils (0.22-1ubuntu5) ...
Processing triggers for mime-support (3.59ubuntu1) ...
Setting up java-common (0.56ubuntu2) ...
Setting up oracle-java8-installer (8u161-1
webupd8~0) ...
No /var/cache/oracle-jdk8-installer/wgetrc file found.
Creating /var/cache/oracle-jdk8-installer/wgetrc and
using default oracle-java8-installer wgetrc settings for it.
Downloading Oracle Java 8...
--2018-01-24 16:33:50-- http://download.oracle.com/otn-pub/java/jdk/8u161-b12/2f38c3b165be4555a1fa6e98c45e0808/jdk-8u161-linux-arm64-vfp-hflt.tar.gz
Resolving download.oracle.com (download.oracle.com)... 104.92.192.34
Connecting to download.oracle.com (download.oracle.com)|104.92.192.34|:80... connected.
HTTP request sent, awaiting response... 302 Moved Temporarily
Location: https://edelivery.oracle.com/otn-pub/java/jdk/8u161-b12/2f38c3b165be4555a1fa6e98c45e0808/jdk-8u161-linux-arm64-vfp-hflt.tar.gz [following]
--2018-01-24 16:33:50-- https://edelivery.oracle.com/otn-pub/java/jdk/8u161-b12/2f38c3b165be4555a1fa6e98c45e0808/jdk-8u161-linux-arm64-vfp-hflt.tar.gz
Resolving edelivery.oracle.com (edelivery.oracle.com)... 23.32.211.144, 2600:1403:2:284::2d3e, 2600:1403:2:289::2d3e
Connecting to edelivery.oracle.com (edelivery.oracle.com)|23.32.211.144|:443... connected.
WARNING: cannot verify edelivery.oracle.com's certificate, issued by ‘CN=GeoTrust RSA CA 2018,OU=www.digicert.com,O=DigiCert Inc,C=US’:
Unable to locally verify the issuer's authority.
HTTP request sent, awaiting response... 302 Moved Temporarily
Location: http://download.oracle.com/otn-pub/java/jdk/8u161-b12/2f38c3b165be4555a1fa6e98c45e0808/jdk-8u161-linux-arm64-vfp-hflt.tar.gz?AuthParam=1516811750_64d5a919ad7047161040b91218ec0f85 [following]
--2018-01-24 16:33:51-- http://download.oracle.com/otn-pub/java/jdk/8u161-b12/2f38c3b165be4555a1fa6e98c45e0808/jdk-8u161-linux-arm64-vfp-hflt.tar.gz?AuthParam=1516811750_64d5a919ad7047161040b91218ec0f85
Connecting to download.oracle.com (download.oracle.com)|104.92.192.34|:80... connected.
HTTP request sent, awaiting response... 200 OK
Length: 78518981 (75M) [application/x-gzip]
Saving to: ‘jdk-8u161-linux-arm64-vfp-hflt.tar.gz’

 0K ........ ........ ........ ........ ........ ........  4% 2.34M 31s

3072K ........ ........ ........ ........ ........ ........ 8% 2.54M 28s
6144K ........ ........ ........ ........ ........ ........ 12% 2.55M 27s
9216K ........ ........ ........ ........ ........ ........ 16% 2.55M 25s
12288K ........ ........ ........ ........ ........ ........ 20% 2.56M 24s
15360K ........ ........ ........ ........ ........ ........ 24% 2.50M 23s
18432K ........ ........ ........ ........ ........ ........ 28% 1.82M 23s
21504K ........ ........ ........ ........ ........ ........ 32% 2.56M 21s
24576K ........ ........ ........ ........ ........ ........ 36% 2.55M 20s
27648K ........ ........ ........ ........ ........ ........ 40% 2.55M 18s
30720K ........ ........ ........ ........ ........ ........ 44% 2.55M 17s
33792K ........ ........ ........ ........ ........ ........ 48% 2.56M 16s
36864K ........ ........ ........ ........ ........ ........ 52% 2.49M 15s
39936K ........ ........ ........ ........ ........ ........ 56% 2.51M 13s
43008K ........ ........ ........ ........ ........ ........ 60% 2.51M 12s
46080K ........ ........ ........ ........ ........ ........ 64% 2.56M 11s
49152K ........ ........ ........ ........ ........ ........ 68% 2.55M 10s
52224K ........ ........ ........ ........ ........ ........ 72% 2.14M 9s
55296K ........ ........ ........ ........ ........ ........ 76% 2.40M 7s
58368K ........ ........ ........ ........ ........ ........ 80% 2.52M 6s
61440K ........ ........ ........ ........ ........ ........ 84% 2.54M 5s
64512K ........ ........ ........ ........ ........ ........ 88% 2.52M 4s
67584K ........ ........ ........ ........ ........ ........ 92% 2.53M 2s
70656K ........ ........ ........ ........ ........ ........ 96% 2.54M 1s
73728K ........ ........ ........ ........ ........ ...... 100% 2.49M=30s

2018-01-24 16:34:21 (2.46 MB/s) - ‘jdk-8u161-linux-arm64-vfp-hflt.tar.gz’ saved [78518981/78518981]

Download done.
Removing outdated cached downloads...
update-alternatives: error: no alternatives for java
update-alternatives: using /usr/lib/jvm/java-8-oracle/jre/bin/java to provide /usr/bin/java (java) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/jre/bin/jjs to provide /usr/bin/jjs (jjs) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/jre/bin/keytool to provide /usr/bin/keytool (keytool) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/jre/bin/orbd to provide /usr/bin/orbd (orbd) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/jre/bin/pack200 to provide /usr/bin/pack200 (pack200) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/jre/bin/policytool to provide /usr/bin/policytool (policytool) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/jre/bin/rmid to provide /usr/bin/rmid (rmid) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/jre/bin/rmiregistry to provide /usr/bin/rmiregistry (rmiregistry) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/jre/bin/servertool to provide /usr/bin/servertool (servertool) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/jre/bin/tnameserv to provide /usr/bin/tnameserv (tnameserv) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/jre/bin/unpack200 to provide /usr/bin/unpack200 (unpack200) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/jre/lib/jexec to provide /usr/bin/jexec (jexec) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/appletviewer to provide /usr/bin/appletviewer (appletviewer) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/extcheck to provide /usr/bin/extcheck (extcheck) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/idlj to provide /usr/bin/idlj (idlj) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jar to provide /usr/bin/jar (jar) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jarsigner to provide /usr/bin/jarsigner (jarsigner) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/javac to provide /usr/bin/javac (javac) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/javadoc to provide /usr/bin/javadoc (javadoc) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/javah to provide /usr/bin/javah (javah) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/javap to provide /usr/bin/javap (javap) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jcmd to provide /usr/bin/jcmd (jcmd) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jconsole to provide /usr/bin/jconsole (jconsole) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jdb to provide /usr/bin/jdb (jdb) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jdeps to provide /usr/bin/jdeps (jdeps) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jhat to provide /usr/bin/jhat (jhat) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jinfo to provide /usr/bin/jinfo (jinfo) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jmap to provide /usr/bin/jmap (jmap) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jps to provide /usr/bin/jps (jps) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jrunscript to provide /usr/bin/jrunscript (jrunscript) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jsadebugd to provide /usr/bin/jsadebugd (jsadebugd) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jstack to provide /usr/bin/jstack (jstack) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jstat to provide /usr/bin/jstat (jstat) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/jstatd to provide /usr/bin/jstatd (jstatd) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/native2ascii to provide /usr/bin/native2ascii (native2ascii) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/rmic to provide /usr/bin/rmic (rmic) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/schemagen to provide /usr/bin/schemagen (schemagen) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/serialver to provide /usr/bin/serialver (serialver) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/wsgen to provide /usr/bin/wsgen (wsgen) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/wsimport to provide /usr/bin/wsimport (wsimport) in auto mode
update-alternatives: using /usr/lib/jvm/java-8-oracle/bin/xjc to provide /usr/bin/xjc (xjc) in auto mode

#####Important########
To set Oracle JDK8 as default, install the "oracle-java8-set-default" package.
E.g.: sudo apt install oracle-java8-set-default
On Ubuntu systems, oracle-java8-set-default is most probably installed
automatically with this package.
######################

Selecting previously unselected package oracle-java8-set-default.
(Reading database ... 163410 files and directories currently installed.)
Preparing to unpack .../oracle-java8-set-default_8u161-1webupd80_all.deb ...
Unpacking oracle-java8-set-default (8u161-1webupd80) ...
Selecting previously unselected package gsfonts-x11.
Preparing to unpack .../gsfonts-x11_0.24_all.deb ...
Unpacking gsfonts-x11 (0.24) ...
Processing triggers for fontconfig (2.11.94-0ubuntu1) ...
Setting up oracle-java8-set-default (8u161-1webupd80) ...
Setting up gsfonts-x11 (0.24) ...
Reading package lists... Done
Building dependency tree
Reading state information... Done
autoconf is already the newest version (2.69-9).
automake is already the newest version (1:1.15-4ubuntu1).
automake set to manually installed.
libtool is already the newest version (2.4.6-0.1).
unzip is already the newest version (6.0-20ubuntu1).
unzip set to manually installed.
zip is already the newest version (3.0-11).
zip set to manually installed.
The following packages were automatically installed and are no longer required:
apt-clone archdetect-deb dmeventd dmraid dpkg-repack gir1.2-timezonemap-1.0 gir1.2-xkl-1.0 kpartx kpartx-boot libappstream3 libdebian-installer4
libdevmapper-event1.02.1 libdmraid1.0.0.rc16 liblockfile-bin liblockfile1 liblvm2app2.2 liblvm2cmd2.02 libparted-fs-resize0 libreadline5 lockfile-progs
lvm2 os-prober pmount python3-icu python3-pam rdate ubiquity-casper ubiquity-ubuntu-artwork
Use 'sudo apt autoremove' to remove them.
The following additional packages will be installed:
ant ant-optional junit junit4 libaopalliance-java libapache-pom-java libasm4-java libatinject-jsr330-api-java libbsh-java libcdi-api-java
libcglib3-java libclassworlds-java libcommons-cli-java libcommons-codec-java libcommons-httpclient-java libcommons-io-java libcommons-lang-java
libcommons-lang3-java libcommons-logging-java libcommons-net-java libcommons-net2-java libcommons-parent-java libcurl3-gnutls libdom4j-java
libdoxia-core-java libeasymock-java libeclipse-aether-java libgeronimo-interceptor-3.0-spec-java libguava-java libguice-java libhamcrest-java
libhttpclient-java libhttpcore-java libjaxen-java libjaxp1.3-java libjdom1-java libjetty-java libjsch-java libjsoup-java libjsr305-java
liblog4j1.2-java libmaven-parent-java libmaven2-core-java libmaven3-core-java libobjenesis-java libplexus-ant-factory-java libplexus-archiver-java
libplexus-bsh-factory-java libplexus-cipher-java libplexus-classworlds-java libplexus-classworlds2-java libplexus-cli-java
libplexus-component-annotations-java libplexus-component-metadata-java libplexus-container-default-java libplexus-container-default1.5-java
libplexus-containers-java libplexus-containers1.5-java libplexus-interactivity-api-java libplexus-interpolation-java libplexus-io-java
libplexus-sec-dispatcher-java libplexus-utils-java libplexus-utils2-java libqdox2-java libservlet2.5-java libservlet3.1-java libsisu-inject-java
libsisu-plexus-java libslf4j-java libwagon-java libwagon2-java libxalan2-java libxbean-java libxerces2-java libxml-commons-external-java
libxml-commons-resolver1.1-java libxom-java libxpp2-java libxpp3-java zlib1g
Suggested packages:
ant-doc ant-gcj ant-optional-gcj antlr javacc jython libbcel-java libbsf-java libgnumail-java libjdepend-java liboro-java libregexp-java junit-doc
libaopalliance-java-doc libatinject-jsr330-api-java-doc libclassworlds-java-doc libcommons-httpclient-java-doc libcommons-io-java-doc
libcommons-lang-java-doc libcommons-lang3-java-doc libavalon-framework-java libcommons-logging-java-doc libexcalibur-logkit-java
libcommons-net-java-doc libcommons-net2-java-doc libdom4j-java-doc libeasymock-java-doc libcglib-java libjaxp1.3-java-gcj libjdom1-java-doc jetty
libjetty-java-doc libjsoup-java-doc libjsr305-java-doc liblog4j1.2-java-doc libobjenesis-java-doc libplexus-cipher-java-doc
libplexus-classworlds-java-doc libplexus-classworlds2-java-doc libplexus-cli-java-doc libplexus-container-default-java-doc
libplexus-interactivity-api-java-doc libplexus-interpolation-java-doc libplexus-sec-dispatcher-java-doc libplexus-utils-java-doc
libplexus-utils2-java-doc libqdox2-java-doc testng libwagon-java-doc libxalan2-java-doc libxsltc-java groovy2 libequinox-osgi-java
libosgi-compendium-java libosgi-core-java libqdox-java libspring-beans-java libspring-context-java libspring-core-java libspring-web-java
libxerces2-java-doc libxerces2-java-gcj libxml-commons-resolver1.1-java-doc libxom-java-doc
The following NEW packages will be installed:
ant ant-optional curl junit junit4 libaopalliance-java libapache-pom-java libasm4-java libatinject-jsr330-api-java libbsh-java libcdi-api-java
libcglib3-java libclassworlds-java libcommons-cli-java libcommons-codec-java libcommons-httpclient-java libcommons-io-java libcommons-lang-java
libcommons-lang3-java libcommons-logging-java libcommons-net-java libcommons-net2-java libcommons-parent-java libdom4j-java libdoxia-core-java
libeasymock-java libeclipse-aether-java libgeronimo-interceptor-3.0-spec-java libguava-java libguice-java libhamcrest-java libhttpclient-java
libhttpcore-java libjaxen-java libjaxp1.3-java libjdom1-java libjetty-java libjsch-java libjsoup-java libjsr305-java liblog4j1.2-java
libmaven-parent-java libmaven2-core-java libmaven3-core-java libobjenesis-java libplexus-ant-factory-java libplexus-archiver-java
libplexus-bsh-factory-java libplexus-cipher-java libplexus-classworlds-java libplexus-classworlds2-java libplexus-cli-java
libplexus-component-annotations-java libplexus-component-metadata-java libplexus-container-default-java libplexus-container-default1.5-java
libplexus-containers-java libplexus-containers1.5-java libplexus-interactivity-api-java libplexus-interpolation-java libplexus-io-java
libplexus-sec-dispatcher-java libplexus-utils-java libplexus-utils2-java libqdox2-java libservlet2.5-java libservlet3.1-java libsisu-inject-java
libsisu-plexus-java libslf4j-java libwagon-java libwagon2-java libxalan2-java libxbean-java libxerces2-java libxml-commons-external-java
libxml-commons-resolver1.1-java libxom-java libxpp2-java libxpp3-java maven
The following packages will be upgraded:
libcurl3-gnutls zlib1g zlib1g-dev
3 upgraded, 81 newly installed, 0 to remove and 534 not upgraded.
Need to get 28.5 MB of archives.
After this operation, 40.0 MB of additional disk space will be used.
Get:1 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 zlib1g-dev arm64 1:1.2.8.dfsg-2ubuntu4.1 [162 kB]
Get:2 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 zlib1g arm64 1:1.2.8.dfsg-2ubuntu4.1 [45.5 kB]
Get:3 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 libcurl3-gnutls arm64 7.47.0-1ubuntu2.5 [153 kB]
Get:4 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 ant all 1.9.6-1ubuntu1 [1,892 kB]
Get:5 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 ant-optional all 1.9.6-1ubuntu1 [313 kB]
Get:6 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 curl arm64 7.47.0-1ubuntu2.5 [133 kB]
Get:7 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 junit all 3.8.2-8build1 [106 kB]
Get:8 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libhamcrest-java all 1.3-5ubuntu1 [373 kB]
Get:9 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 junit4 all 4.12-4ubuntu1 [279 kB]
Get:10 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libapache-pom-java all 10-2build1 [4,022 B]
Get:11 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libasm4-java all 5.0.4-1 [252 kB]
Get:12 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libatinject-jsr330-api-java all 1.0+ds1-2 [22.7 kB]
Get:13 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libbsh-java all 2.0b4-17ubuntu1 [264 kB]
Get:14 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libgeronimo-interceptor-3.0-spec-java all 1.0.1-3fakesync1 [7,284 B]
Get:15 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 libservlet3.1-java all 8.0.32-1ubuntu1.5 [390 kB]
Get:16 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libcdi-api-java all 1.0-2 [31.9 kB]
Get:17 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libcglib3-java all 3.1+dfsg-1 [726 kB]
Get:18 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libclassworlds-java all 1.1-final-5 [39.3 kB]
Get:19 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libcommons-cli-java all 1.3.1-3ubuntu1 [53.3 kB]
Get:20 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libcommons-codec-java all 1.10-1 [232 kB]
Get:21 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libcommons-parent-java all 39-3 [9,380 B]
Get:22 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libcommons-logging-java all 1.2-1+build1 [59.5 kB]
Get:23 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libcommons-httpclient-java all 3.1-12 [279 kB]
Get:24 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libcommons-io-java all 2.4-2 [176 kB]
Get:25 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libcommons-lang-java all 2.6-6ubuntu2 [267 kB]
Get:26 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libcommons-lang3-java all 3.4-1 [380 kB]
Get:27 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libcommons-net-java all 3.4-2ubuntu2 [334 kB]
Get:28 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libcommons-net2-java all 2.2-2 [194 kB]
Get:29 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libjaxen-java all 1.1.6-1ubuntu1 [206 kB]
Get:30 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libxpp2-java all 2.1.10-7build1 [162 kB]
Get:31 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libxpp3-java all 1.1.4c-2build1 [364 kB]
Get:32 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libdom4j-java all 1.6.1+dfsg.3-2ubuntu1 [323 kB]
Get:33 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libhttpcore-java all 4.4.4-1 [573 kB]
Get:34 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libhttpclient-java all 4.5.1-1 [694 kB]
Get:35 http://ports.ubuntu.com/ubuntu-ports xenial/main arm64 libjaxp1.3-java all 1.3.05-2ubuntu3 [450 kB]
Get:36 http://ports.ubuntu.com/ubuntu-ports xenial/main arm64 libxml-commons-resolver1.1-java all 1.2-7build1 [91.6 kB]
Get:37 http://ports.ubuntu.com/ubuntu-ports xenial/main arm64 libxml-commons-external-java all 1.4.01-2build1 [245 kB]
Get:38 http://ports.ubuntu.com/ubuntu-ports xenial/main arm64 libxerces2-java all 2.11.0-7 [1,362 kB]
Get:39 http://ports.ubuntu.com/ubuntu-ports xenial/main arm64 libxalan2-java all 2.7.1-9 [3,166 kB]
Get:40 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-interpolation-java all 1.21-1 [61.3 kB]
Get:41 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-utils-java all 1:1.5.15-4 [210 kB]
Get:42 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libdoxia-core-java all 1.1.4-3ubuntu1 [148 kB]
Get:43 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libobjenesis-java all 2.2-1 [44.3 kB]
Get:44 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libeasymock-java all 3.3.1+ds-3 [88.3 kB]
Get:45 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libslf4j-java all 1.7.14-3 [124 kB]
Get:46 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libjsch-java all 0.1.53-1ubuntu1 [267 kB]
Get:47 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libjsoup-java all 1.8.3-1 [298 kB]
Get:48 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libjsr305-java all 0.1~+svn49-9 [26.4 kB]
Get:49 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libguava-java all 19.0-1 [2,028 kB]
Get:50 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-classworlds-java all 1.5.0-5 [49.2 kB]
Get:51 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libxbean-java all 4.5-1 [815 kB]
Get:52 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-containers-java all 1.0beta3.0.7-8 [178 kB]
Get:53 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-interactivity-api-java all 1.0-alpha-6-7 [14.2 kB]
Get:54 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libwagon-java all 1.0.0-7 [133 kB]
Get:55 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libeclipse-aether-java all 1.0.2-1 [564 kB]
Get:56 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libaopalliance-java all 20070526-5 [9,214 B]
Get:57 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libguice-java all 4.0-2 [836 kB]
Get:58 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libjdom1-java all 1.1.3-1 [150 kB]
Get:59 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libservlet2.5-java all 6.0.45+dfsg-1 [212 kB]
Get:60 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libjetty-java all 6.1.26-5 [721 kB]
Get:61 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 liblog4j1.2-java all 1.2.17-7ubuntu1 [426 kB]
Get:62 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libmaven-parent-java all 21-2 [5,786 B]
Get:63 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-container-default-java all 1.0-alpha-9-stable-1-7 [153 kB]
Get:64 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-ant-factory-java all 1.0
alpha2.1-3 [11.2 kB]
Get:65 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-io-java all 1.0alpha5-2 [44.7 kB]
Get:66 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-archiver-java all 2.2-1 [171 kB]
Get:67 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-bsh-factory-java all 1.0
alpha7-3.1 [7,708 B]
Get:68 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-cipher-java all 1.7-1 [14.5 kB]
Get:69 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-sec-dispatcher-java all 1.3.1-6 [27.1 kB]
Get:70 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libmaven2-core-java all 2.2.1-24 [710 kB]
Get:71 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-classworlds2-java all 2.5.2-1 [46.7 kB]
Get:72 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-utils2-java all 3.0.22-1 [235 kB]
Get:73 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-container-default1.5-java all 1.6-2 [186 kB]
Get:74 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-component-annotations-java all 1.6-2 [6,662 B]
Get:75 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-cli-java all 1.2-5 [9,700 B]
Get:76 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libqdox2-java all 2.0M3-2 [257 kB]
Get:77 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-component-metadata-java all 1.6-2 [103 kB]
Get:78 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libplexus-containers1.5-java all 1.6-2 [2,410 B]
Get:79 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libsisu-inject-java all 0.3.2-1 [347 kB]
Get:80 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libsisu-plexus-java all 0.3.2-1 [182 kB]
Get:81 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libwagon2-java all 2.10-3 [2,144 kB]
Get:82 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libmaven3-core-java all 3.3.9-3 [1,446 kB]
Get:83 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 libxom-java all 1.2.10-1 [170 kB]
Get:84 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 maven all 3.3.9-3 [17.4 kB]
Fetched 28.5 MB in 12s (2,295 kB/s)
Extracting templates from packages: 100%
(Reading database ... 163456 files and directories currently installed.)
Preparing to unpack .../zlib1g-dev_1%3a1.2.8.dfsg-2ubuntu4.1_arm64.deb ...
Unpacking zlib1g-dev:arm64 (1:1.2.8.dfsg-2ubuntu4.1) over (1:1.2.8.dfsg-2ubuntu4) ...
Preparing to unpack .../zlib1g_1%3a1.2.8.dfsg-2ubuntu4.1_arm64.deb ...
Unpacking zlib1g:arm64 (1:1.2.8.dfsg-2ubuntu4.1) over (1:1.2.8.dfsg-2ubuntu4) ...
Processing triggers for libc-bin (2.23-0ubuntu3) ...
Setting up zlib1g:arm64 (1:1.2.8.dfsg-2ubuntu4.1) ...
Processing triggers for man-db (2.7.5-1) ...
Processing triggers for libc-bin (2.23-0ubuntu3) ...
(Reading database ... 163456 files and directories currently installed.)
Preparing to unpack .../libcurl3-gnutls_7.47.0-1ubuntu2.5_arm64.deb ...
Unpacking libcurl3-gnutls:arm64 (7.47.0-1ubuntu2.5) over (7.47.0-1ubuntu2) ...
Selecting previously unselected package ant.
Preparing to unpack .../ant_1.9.6-1ubuntu1_all.deb ...
Unpacking ant (1.9.6-1ubuntu1) ...
Selecting previously unselected package ant-optional.
Preparing to unpack .../ant-optional_1.9.6-1ubuntu1_all.deb ...
Unpacking ant-optional (1.9.6-1ubuntu1) ...
Selecting previously unselected package curl.
Preparing to unpack .../curl_7.47.0-1ubuntu2.5_arm64.deb ...
Unpacking curl (7.47.0-1ubuntu2.5) ...
Selecting previously unselected package junit.
Preparing to unpack .../junit_3.8.2-8build1_all.deb ...
Unpacking junit (3.8.2-8build1) ...
Selecting previously unselected package libhamcrest-java.
Preparing to unpack .../libhamcrest-java_1.3-5ubuntu1_all.deb ...
Unpacking libhamcrest-java (1.3-5ubuntu1) ...
Selecting previously unselected package junit4.
Preparing to unpack .../junit4_4.12-4ubuntu1_all.deb ...
Unpacking junit4 (4.12-4ubuntu1) ...
Selecting previously unselected package libapache-pom-java.
Preparing to unpack .../libapache-pom-java_10-2build1_all.deb ...
Unpacking libapache-pom-java (10-2build1) ...
Selecting previously unselected package libasm4-java.
Preparing to unpack .../libasm4-java_5.0.4-1_all.deb ...
Unpacking libasm4-java (5.0.4-1) ...
Selecting previously unselected package libatinject-jsr330-api-java.
Preparing to unpack .../libatinject-jsr330-api-java_1.0+ds1-2_all.deb ...
Unpacking libatinject-jsr330-api-java (1.0+ds1-2) ...
Selecting previously unselected package libbsh-java.
Preparing to unpack .../libbsh-java_2.0b4-17ubuntu1_all.deb ...
Unpacking libbsh-java (2.0b4-17ubuntu1) ...
Selecting previously unselected package libgeronimo-interceptor-3.0-spec-java.
Preparing to unpack .../libgeronimo-interceptor-3.0-spec-java_1.0.1-3fakesync1_all.deb ...
Unpacking libgeronimo-interceptor-3.0-spec-java (1.0.1-3fakesync1) ...
Selecting previously unselected package libservlet3.1-java.
Preparing to unpack .../libservlet3.1-java_8.0.32-1ubuntu1.5_all.deb ...
Unpacking libservlet3.1-java (8.0.32-1ubuntu1.5) ...
Selecting previously unselected package libcdi-api-java.
Preparing to unpack .../libcdi-api-java_1.0-2_all.deb ...
Unpacking libcdi-api-java (1.0-2) ...
Selecting previously unselected package libcglib3-java.
Preparing to unpack .../libcglib3-java_3.1+dfsg-1_all.deb ...
Unpacking libcglib3-java (3.1+dfsg-1) ...
Selecting previously unselected package libclassworlds-java.
Preparing to unpack .../libclassworlds-java_1.1-final-5_all.deb ...
Unpacking libclassworlds-java (1.1-final-5) ...
Selecting previously unselected package libcommons-cli-java.
Preparing to unpack .../libcommons-cli-java_1.3.1-3ubuntu1_all.deb ...
Unpacking libcommons-cli-java (1.3.1-3ubuntu1) ...
Selecting previously unselected package libcommons-codec-java.
Preparing to unpack .../libcommons-codec-java_1.10-1_all.deb ...
Unpacking libcommons-codec-java (1.10-1) ...
Selecting previously unselected package libcommons-parent-java.
Preparing to unpack .../libcommons-parent-java_39-3_all.deb ...
Unpacking libcommons-parent-java (39-3) ...
Selecting previously unselected package libcommons-logging-java.
Preparing to unpack .../libcommons-logging-java_1.2-1+build1_all.deb ...
Unpacking libcommons-logging-java (1.2-1+build1) ...
Selecting previously unselected package libcommons-httpclient-java.
Preparing to unpack .../libcommons-httpclient-java_3.1-12_all.deb ...
Unpacking libcommons-httpclient-java (3.1-12) ...
Selecting previously unselected package libcommons-io-java.
Preparing to unpack .../libcommons-io-java_2.4-2_all.deb ...
Unpacking libcommons-io-java (2.4-2) ...
Selecting previously unselected package libcommons-lang-java.
Preparing to unpack .../libcommons-lang-java_2.6-6ubuntu2_all.deb ...
Unpacking libcommons-lang-java (2.6-6ubuntu2) ...
Selecting previously unselected package libcommons-lang3-java.
Preparing to unpack .../libcommons-lang3-java_3.4-1_all.deb ...
Unpacking libcommons-lang3-java (3.4-1) ...
Selecting previously unselected package libcommons-net-java.
Preparing to unpack .../libcommons-net-java_3.4-2ubuntu2_all.deb ...
Unpacking libcommons-net-java (3.4-2ubuntu2) ...
Selecting previously unselected package libcommons-net2-java.
Preparing to unpack .../libcommons-net2-java_2.2-2_all.deb ...
Unpacking libcommons-net2-java (2.2-2) ...
Selecting previously unselected package libjaxen-java.
Preparing to unpack .../libjaxen-java_1.1.6-1ubuntu1_all.deb ...
Unpacking libjaxen-java (1.1.6-1ubuntu1) ...
Selecting previously unselected package libxpp2-java.
Preparing to unpack .../libxpp2-java_2.1.10-7build1_all.deb ...
Unpacking libxpp2-java (2.1.10-7build1) ...
Selecting previously unselected package libxpp3-java.
Preparing to unpack .../libxpp3-java_1.1.4c-2build1_all.deb ...
Unpacking libxpp3-java (1.1.4c-2build1) ...
Selecting previously unselected package libdom4j-java.
Preparing to unpack .../libdom4j-java_1.6.1+dfsg.3-2ubuntu1_all.deb ...
Unpacking libdom4j-java (1.6.1+dfsg.3-2ubuntu1) ...
Selecting previously unselected package libhttpcore-java.
Preparing to unpack .../libhttpcore-java_4.4.4-1_all.deb ...
Unpacking libhttpcore-java (4.4.4-1) ...
Selecting previously unselected package libhttpclient-java.
Preparing to unpack .../libhttpclient-java_4.5.1-1_all.deb ...
Unpacking libhttpclient-java (4.5.1-1) ...
Selecting previously unselected package libjaxp1.3-java.
Preparing to unpack .../libjaxp1.3-java_1.3.05-2ubuntu3_all.deb ...
Unpacking libjaxp1.3-java (1.3.05-2ubuntu3) ...
Selecting previously unselected package libxml-commons-resolver1.1-java.
Preparing to unpack .../libxml-commons-resolver1.1-java_1.2-7build1_all.deb ...
Unpacking libxml-commons-resolver1.1-java (1.2-7build1) ...
Selecting previously unselected package libxml-commons-external-java.
Preparing to unpack .../libxml-commons-external-java_1.4.01-2build1_all.deb ...
Unpacking libxml-commons-external-java (1.4.01-2build1) ...
Selecting previously unselected package libxerces2-java.
Preparing to unpack .../libxerces2-java_2.11.0-7_all.deb ...
Unpacking libxerces2-java (2.11.0-7) ...
Selecting previously unselected package libxalan2-java.
Preparing to unpack .../libxalan2-java_2.7.1-9_all.deb ...
Unpacking libxalan2-java (2.7.1-9) ...
Selecting previously unselected package libplexus-interpolation-java.
Preparing to unpack .../libplexus-interpolation-java_1.21-1_all.deb ...
Unpacking libplexus-interpolation-java (1.21-1) ...
Selecting previously unselected package libplexus-utils-java.
Preparing to unpack .../libplexus-utils-java_1%3a1.5.15-4_all.deb ...
Unpacking libplexus-utils-java (1:1.5.15-4) ...
Selecting previously unselected package libdoxia-core-java.
Preparing to unpack .../libdoxia-core-java_1.1.4-3ubuntu1_all.deb ...
Unpacking libdoxia-core-java (1.1.4-3ubuntu1) ...
Selecting previously unselected package libobjenesis-java.
Preparing to unpack .../libobjenesis-java_2.2-1_all.deb ...
Unpacking libobjenesis-java (2.2-1) ...
Selecting previously unselected package libeasymock-java.
Preparing to unpack .../libeasymock-java_3.3.1+ds-3_all.deb ...
Unpacking libeasymock-java (3.3.1+ds-3) ...
Selecting previously unselected package libslf4j-java.
Preparing to unpack .../libslf4j-java_1.7.14-3_all.deb ...
Unpacking libslf4j-java (1.7.14-3) ...
Selecting previously unselected package libjsch-java.
Preparing to unpack .../libjsch-java_0.1.53-1ubuntu1_all.deb ...
Unpacking libjsch-java (0.1.53-1ubuntu1) ...
Selecting previously unselected package libjsoup-java.
Preparing to unpack .../libjsoup-java_1.8.3-1_all.deb ...
Unpacking libjsoup-java (1.8.3-1) ...
Selecting previously unselected package libjsr305-java.
Preparing to unpack .../libjsr305-java_0.1
+svn49-9_all.deb ...
Unpacking libjsr305-java (0.1~+svn49-9) ...
Selecting previously unselected package libguava-java.
Preparing to unpack .../libguava-java_19.0-1_all.deb ...
Unpacking libguava-java (19.0-1) ...
Selecting previously unselected package libplexus-classworlds-java.
Preparing to unpack .../libplexus-classworlds-java_1.5.0-5_all.deb ...
Unpacking libplexus-classworlds-java (1.5.0-5) ...
Selecting previously unselected package libxbean-java.
Preparing to unpack .../libxbean-java_4.5-1_all.deb ...
Unpacking libxbean-java (4.5-1) ...
Selecting previously unselected package libplexus-containers-java.
Preparing to unpack .../libplexus-containers-java_1.0beta3.0.7-8_all.deb ...
Unpacking libplexus-containers-java (1.0
beta3.0.7-8) ...
Selecting previously unselected package libplexus-interactivity-api-java.
Preparing to unpack .../libplexus-interactivity-api-java_1.0-alpha-6-7_all.deb ...
Unpacking libplexus-interactivity-api-java (1.0-alpha-6-7) ...
Selecting previously unselected package libwagon-java.
Preparing to unpack .../libwagon-java_1.0.0-7_all.deb ...
Unpacking libwagon-java (1.0.0-7) ...
Selecting previously unselected package libeclipse-aether-java.
Preparing to unpack .../libeclipse-aether-java_1.0.2-1_all.deb ...
Unpacking libeclipse-aether-java (1.0.2-1) ...
Selecting previously unselected package libaopalliance-java.
Preparing to unpack .../libaopalliance-java_20070526-5_all.deb ...
Unpacking libaopalliance-java (20070526-5) ...
Selecting previously unselected package libguice-java.
Preparing to unpack .../libguice-java_4.0-2_all.deb ...
Unpacking libguice-java (4.0-2) ...
Selecting previously unselected package libjdom1-java.
Preparing to unpack .../libjdom1-java_1.1.3-1_all.deb ...
Unpacking libjdom1-java (1.1.3-1) ...
Selecting previously unselected package libservlet2.5-java.
Preparing to unpack .../libservlet2.5-java_6.0.45+dfsg-1_all.deb ...
Unpacking libservlet2.5-java (6.0.45+dfsg-1) ...
Selecting previously unselected package libjetty-java.
Preparing to unpack .../libjetty-java_6.1.26-5_all.deb ...
Unpacking libjetty-java (6.1.26-5) ...
Selecting previously unselected package liblog4j1.2-java.
Preparing to unpack .../liblog4j1.2-java_1.2.17-7ubuntu1_all.deb ...
Unpacking liblog4j1.2-java (1.2.17-7ubuntu1) ...
Selecting previously unselected package libmaven-parent-java.
Preparing to unpack .../libmaven-parent-java_21-2_all.deb ...
Unpacking libmaven-parent-java (21-2) ...
Selecting previously unselected package libplexus-container-default-java.
Preparing to unpack .../libplexus-container-default-java_1.0-alpha-9-stable-1-7_all.deb ...
Unpacking libplexus-container-default-java (1.0-alpha-9-stable-1-7) ...
Selecting previously unselected package libplexus-ant-factory-java.
Preparing to unpack .../libplexus-ant-factory-java_1.0alpha2.1-3_all.deb ...
Unpacking libplexus-ant-factory-java (1.0
alpha2.1-3) ...
Selecting previously unselected package libplexus-io-java.
Preparing to unpack .../libplexus-io-java_1.0alpha5-2_all.deb ...
Unpacking libplexus-io-java (1.0
alpha5-2) ...
Selecting previously unselected package libplexus-archiver-java.
Preparing to unpack .../libplexus-archiver-java_2.2-1_all.deb ...
Unpacking libplexus-archiver-java (2.2-1) ...
Selecting previously unselected package libplexus-bsh-factory-java.
Preparing to unpack .../libplexus-bsh-factory-java_1.0alpha7-3.1_all.deb ...
Unpacking libplexus-bsh-factory-java (1.0
alpha7-3.1) ...
Selecting previously unselected package libplexus-cipher-java.
Preparing to unpack .../libplexus-cipher-java_1.7-1_all.deb ...
Unpacking libplexus-cipher-java (1.7-1) ...
Selecting previously unselected package libplexus-sec-dispatcher-java.
Preparing to unpack .../libplexus-sec-dispatcher-java_1.3.1-6_all.deb ...
Unpacking libplexus-sec-dispatcher-java (1.3.1-6) ...
Selecting previously unselected package libmaven2-core-java.
Preparing to unpack .../libmaven2-core-java_2.2.1-24_all.deb ...
Unpacking libmaven2-core-java (2.2.1-24) ...
Selecting previously unselected package libplexus-classworlds2-java.
Preparing to unpack .../libplexus-classworlds2-java_2.5.2-1_all.deb ...
Unpacking libplexus-classworlds2-java (2.5.2-1) ...
Selecting previously unselected package libplexus-utils2-java.
Preparing to unpack .../libplexus-utils2-java_3.0.22-1_all.deb ...
Unpacking libplexus-utils2-java (3.0.22-1) ...
Selecting previously unselected package libplexus-container-default1.5-java.
Preparing to unpack .../libplexus-container-default1.5-java_1.6-2_all.deb ...
Unpacking libplexus-container-default1.5-java (1.6-2) ...
Selecting previously unselected package libplexus-component-annotations-java.
Preparing to unpack .../libplexus-component-annotations-java_1.6-2_all.deb ...
Unpacking libplexus-component-annotations-java (1.6-2) ...
Selecting previously unselected package libplexus-cli-java.
Preparing to unpack .../libplexus-cli-java_1.2-5_all.deb ...
Unpacking libplexus-cli-java (1.2-5) ...
Selecting previously unselected package libqdox2-java.
Preparing to unpack .../libqdox2-java_2.0M3-2_all.deb ...
Unpacking libqdox2-java (2.0
M3-2) ...
Selecting previously unselected package libplexus-component-metadata-java.
Preparing to unpack .../libplexus-component-metadata-java_1.6-2_all.deb ...
Unpacking libplexus-component-metadata-java (1.6-2) ...
Selecting previously unselected package libplexus-containers1.5-java.
Preparing to unpack .../libplexus-containers1.5-java_1.6-2_all.deb ...
Unpacking libplexus-containers1.5-java (1.6-2) ...
Selecting previously unselected package libsisu-inject-java.
Preparing to unpack .../libsisu-inject-java_0.3.2-1_all.deb ...
Unpacking libsisu-inject-java (0.3.2-1) ...
Selecting previously unselected package libsisu-plexus-java.
Preparing to unpack .../libsisu-plexus-java_0.3.2-1_all.deb ...
Unpacking libsisu-plexus-java (0.3.2-1) ...
Selecting previously unselected package libwagon2-java.
Preparing to unpack .../libwagon2-java_2.10-3_all.deb ...
Unpacking libwagon2-java (2.10-3) ...
Selecting previously unselected package libmaven3-core-java.
Preparing to unpack .../libmaven3-core-java_3.3.9-3_all.deb ...
Unpacking libmaven3-core-java (3.3.9-3) ...
Selecting previously unselected package libxom-java.
Preparing to unpack .../libxom-java_1.2.10-1_all.deb ...
Unpacking libxom-java (1.2.10-1) ...
Selecting previously unselected package maven.
Preparing to unpack .../archives/maven_3.3.9-3_all.deb ...
Unpacking maven (3.3.9-3) ...
Processing triggers for libc-bin (2.23-0ubuntu3) ...
Processing triggers for man-db (2.7.5-1) ...
Processing triggers for doc-base (0.10.7) ...
Processing 2 added doc-base files...
Setting up zlib1g-dev:arm64 (1:1.2.8.dfsg-2ubuntu4.1) ...
Setting up libcurl3-gnutls:arm64 (7.47.0-1ubuntu2.5) ...
Setting up ant (1.9.6-1ubuntu1) ...
Setting up ant-optional (1.9.6-1ubuntu1) ...
Setting up curl (7.47.0-1ubuntu2.5) ...
Setting up junit (3.8.2-8build1) ...
Setting up libhamcrest-java (1.3-5ubuntu1) ...
Setting up junit4 (4.12-4ubuntu1) ...
Setting up libapache-pom-java (10-2build1) ...
Setting up libasm4-java (5.0.4-1) ...
Setting up libatinject-jsr330-api-java (1.0+ds1-2) ...
Setting up libbsh-java (2.0b4-17ubuntu1) ...
Setting up libgeronimo-interceptor-3.0-spec-java (1.0.1-3fakesync1) ...
Setting up libservlet3.1-java (8.0.32-1ubuntu1.5) ...
Setting up libcdi-api-java (1.0-2) ...
Setting up libcglib3-java (3.1+dfsg-1) ...
Setting up libclassworlds-java (1.1-final-5) ...
Setting up libcommons-cli-java (1.3.1-3ubuntu1) ...
Setting up libcommons-codec-java (1.10-1) ...
Setting up libcommons-parent-java (39-3) ...
Setting up libcommons-logging-java (1.2-1+build1) ...
Setting up libcommons-httpclient-java (3.1-12) ...
Setting up libcommons-io-java (2.4-2) ...
Setting up libcommons-lang-java (2.6-6ubuntu2) ...
Setting up libcommons-lang3-java (3.4-1) ...
Setting up libcommons-net-java (3.4-2ubuntu2) ...
Setting up libcommons-net2-java (2.2-2) ...
Setting up libjaxen-java (1.1.6-1ubuntu1) ...
Setting up libxpp2-java (2.1.10-7build1) ...
Setting up libxpp3-java (1.1.4c-2build1) ...
Setting up libdom4j-java (1.6.1+dfsg.3-2ubuntu1) ...
Setting up libhttpcore-java (4.4.4-1) ...
Setting up libhttpclient-java (4.5.1-1) ...
Setting up libjaxp1.3-java (1.3.05-2ubuntu3) ...
Setting up libxml-commons-resolver1.1-java (1.2-7build1) ...
Setting up libxml-commons-external-java (1.4.01-2build1) ...
Setting up libxerces2-java (2.11.0-7) ...
Setting up libxalan2-java (2.7.1-9) ...
Setting up libplexus-interpolation-java (1.21-1) ...
Setting up libplexus-utils-java (1:1.5.15-4) ...
Setting up libdoxia-core-java (1.1.4-3ubuntu1) ...
Setting up libobjenesis-java (2.2-1) ...
Setting up libeasymock-java (3.3.1+ds-3) ...
Setting up libslf4j-java (1.7.14-3) ...
Setting up libjsch-java (0.1.53-1ubuntu1) ...
Setting up libjsoup-java (1.8.3-1) ...
Setting up libjsr305-java (0.1~+svn49-9) ...
Setting up libguava-java (19.0-1) ...
Setting up libplexus-classworlds-java (1.5.0-5) ...
Setting up libxbean-java (4.5-1) ...
Setting up libplexus-containers-java (1.0beta3.0.7-8) ...
Setting up libplexus-interactivity-api-java (1.0-alpha-6-7) ...
Setting up libwagon-java (1.0.0-7) ...
Setting up libeclipse-aether-java (1.0.2-1) ...
Setting up libaopalliance-java (20070526-5) ...
Setting up libguice-java (4.0-2) ...
Setting up libjdom1-java (1.1.3-1) ...
Setting up libservlet2.5-java (6.0.45+dfsg-1) ...
Setting up libjetty-java (6.1.26-5) ...
Setting up liblog4j1.2-java (1.2.17-7ubuntu1) ...
Setting up libmaven-parent-java (21-2) ...
Setting up libplexus-container-default-java (1.0-alpha-9-stable-1-7) ...
Setting up libplexus-ant-factory-java (1.0
alpha2.1-3) ...
Setting up libplexus-io-java (1.0alpha5-2) ...
Setting up libplexus-archiver-java (2.2-1) ...
Setting up libplexus-bsh-factory-java (1.0
alpha7-3.1) ...
Setting up libplexus-cipher-java (1.7-1) ...
Setting up libplexus-sec-dispatcher-java (1.3.1-6) ...
Setting up libmaven2-core-java (2.2.1-24) ...
Setting up libplexus-classworlds2-java (2.5.2-1) ...
Setting up libplexus-utils2-java (3.0.22-1) ...
Setting up libplexus-container-default1.5-java (1.6-2) ...
Setting up libplexus-component-annotations-java (1.6-2) ...
Setting up libplexus-cli-java (1.2-5) ...
Setting up libqdox2-java (2.0M3-2) ...
Setting up libplexus-component-metadata-java (1.6-2) ...
Setting up libplexus-containers1.5-java (1.6-2) ...
Setting up libsisu-inject-java (0.3.2-1) ...
Setting up libsisu-plexus-java (0.3.2-1) ...
Setting up libwagon2-java (2.10-3) ...
Setting up libmaven3-core-java (3.3.9-3) ...
Setting up libxom-java (1.2.10-1) ...
Setting up maven (3.3.9-3) ...
update-alternatives: using /usr/share/maven/bin/mvn to provide /usr/bin/mvn (mvn) in auto mode
Processing triggers for libc-bin (2.23-0ubuntu3) ...
Reading package lists... Done
Building dependency tree
Reading state information... Done
The following packages were automatically installed and are no longer required:
apt-clone archdetect-deb dmeventd dmraid dpkg-repack gir1.2-timezonemap-1.0 gir1.2-xkl-1.0 kpartx kpartx-boot libappstream3 libdebian-installer4
libdevmapper-event1.02.1 libdmraid1.0.0.rc16 liblockfile-bin liblockfile1 liblvm2app2.2 liblvm2cmd2.02 libparted-fs-resize0 libreadline5 lockfile-progs
lvm2 os-prober pmount python3-icu python3-pam rdate ubiquity-casper ubiquity-ubuntu-artwork
Use 'sudo apt autoremove' to remove them.
The following additional packages will be installed:
libexpat1 libexpat1-dev libpython3-dev libpython3.5 libpython3.5-dev libpython3.5-minimal libpython3.5-stdlib python-pip-whl python3-setuptools
python3.5 python3.5-dev python3.5-minimal swig3.0
Suggested packages:
gfortran python-numpy-doc python3-nose python3-numpy-dbg python-setuptools-doc python3.5-venv python3.5-doc binfmt-support swig-doc swig-examples
swig3.0-examples swig3.0-doc
The following NEW packages will be installed:
libexpat1-dev libpython3-dev libpython3.5-dev python-pip-whl python3-dev python3-numpy python3-pip python3-setuptools python3-wheel python3.5-dev swig
swig3.0
The following packages will be upgraded:
libexpat1 libpython3.5 libpython3.5-minimal libpython3.5-stdlib python3.5 python3.5-minimal
6 upgraded, 12 newly installed, 0 to remove and 528 not upgraded.
Need to get 11.5 MB of archives.
After this operation, 33.0 MB of additional disk space will be used.
Get:1 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 libexpat1 arm64 2.1.0-7ubuntu0.16.04.3 [58.3 kB]
Get:2 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 libpython3.5 arm64 3.5.2-2ubuntu0
16.04.4 [1,142 kB]
Get:3 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 python3.5 arm64 3.5.2-2ubuntu016.04.4 [165 kB]
Get:4 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 libpython3.5-stdlib arm64 3.5.2-2ubuntu0
16.04.4 [2,014 kB]
Get:5 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 python3.5-minimal arm64 3.5.2-2ubuntu016.04.4 [1,163 kB]
Get:6 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 libpython3.5-minimal arm64 3.5.2-2ubuntu0
16.04.4 [514 kB]
Get:7 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 libexpat1-dev arm64 2.1.0-7ubuntu0.16.04.3 [104 kB]
Get:8 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 libpython3.5-dev arm64 3.5.2-2ubuntu016.04.4 [2,048 kB]
Get:9 http://ports.ubuntu.com/ubuntu-ports xenial/main arm64 libpython3-dev arm64 3.5.1-3 [6,942 B]
Get:10 http://ports.ubuntu.com/ubuntu-ports xenial-updates/universe arm64 python-pip-whl all 8.1.1-2ubuntu0.4 [1,110 kB]
Get:11 http://ports.ubuntu.com/ubuntu-ports xenial-updates/main arm64 python3.5-dev arm64 3.5.2-2ubuntu0
16.04.4 [413 kB]
Get:12 http://ports.ubuntu.com/ubuntu-ports xenial/main arm64 python3-dev arm64 3.5.1-3 [1,192 B]
Get:13 http://ports.ubuntu.com/ubuntu-ports xenial/main arm64 python3-numpy arm64 1:1.11.0-1ubuntu1 [1,590 kB]
Get:14 http://ports.ubuntu.com/ubuntu-ports xenial-updates/universe arm64 python3-pip all 8.1.1-2ubuntu0.4 [109 kB]
Get:15 http://ports.ubuntu.com/ubuntu-ports xenial/main arm64 python3-setuptools all 20.7.0-1 [88.0 kB]
Get:16 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 python3-wheel all 0.29.0-1 [48.1 kB]
Get:17 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 swig3.0 arm64 3.0.8-0ubuntu3 [955 kB]
Get:18 http://ports.ubuntu.com/ubuntu-ports xenial/universe arm64 swig arm64 3.0.8-0ubuntu3 [6,272 B]
Fetched 11.5 MB in 5s (2,137 kB/s)
(Reading database ... 166105 files and directories currently installed.)
Preparing to unpack .../libexpat1_2.1.0-7ubuntu0.16.04.3_arm64.deb ...
Unpacking libexpat1:arm64 (2.1.0-7ubuntu0.16.04.3) over (2.1.0-7ubuntu0.16.04.1) ...
Preparing to unpack .../libpython3.5_3.5.2-2ubuntu016.04.4_arm64.deb ...
Unpacking libpython3.5:arm64 (3.5.2-2ubuntu0
16.04.4) over (3.5.1-10) ...
Preparing to unpack .../python3.5_3.5.2-2ubuntu016.04.4_arm64.deb ...
Unpacking python3.5 (3.5.2-2ubuntu0
16.04.4) over (3.5.1-10) ...
Preparing to unpack .../libpython3.5-stdlib_3.5.2-2ubuntu016.04.4_arm64.deb ...
Unpacking libpython3.5-stdlib:arm64 (3.5.2-2ubuntu0
16.04.4) over (3.5.1-10) ...
Preparing to unpack .../python3.5-minimal_3.5.2-2ubuntu016.04.4_arm64.deb ...
Unpacking python3.5-minimal (3.5.2-2ubuntu0
16.04.4) over (3.5.1-10) ...
Preparing to unpack .../libpython3.5-minimal_3.5.2-2ubuntu016.04.4_arm64.deb ...
Unpacking libpython3.5-minimal:arm64 (3.5.2-2ubuntu0
16.04.4) over (3.5.1-10) ...
Selecting previously unselected package libexpat1-dev:arm64.
Preparing to unpack .../libexpat1-dev_2.1.0-7ubuntu0.16.04.3_arm64.deb ...
Unpacking libexpat1-dev:arm64 (2.1.0-7ubuntu0.16.04.3) ...
Selecting previously unselected package libpython3.5-dev:arm64.
Preparing to unpack .../libpython3.5-dev_3.5.2-2ubuntu016.04.4_arm64.deb ...
Unpacking libpython3.5-dev:arm64 (3.5.2-2ubuntu0
16.04.4) ...
Selecting previously unselected package libpython3-dev:arm64.
Preparing to unpack .../libpython3-dev_3.5.1-3_arm64.deb ...
Unpacking libpython3-dev:arm64 (3.5.1-3) ...
Selecting previously unselected package python-pip-whl.
Preparing to unpack .../python-pip-whl_8.1.1-2ubuntu0.4_all.deb ...
Unpacking python-pip-whl (8.1.1-2ubuntu0.4) ...
Selecting previously unselected package python3.5-dev.
Preparing to unpack .../python3.5-dev_3.5.2-2ubuntu016.04.4_arm64.deb ...
Unpacking python3.5-dev (3.5.2-2ubuntu0
16.04.4) ...
Selecting previously unselected package python3-dev.
Preparing to unpack .../python3-dev_3.5.1-3_arm64.deb ...
Unpacking python3-dev (3.5.1-3) ...
Selecting previously unselected package python3-numpy.
Preparing to unpack .../python3-numpy_1%3a1.11.0-1ubuntu1_arm64.deb ...
Unpacking python3-numpy (1:1.11.0-1ubuntu1) ...
Selecting previously unselected package python3-pip.
Preparing to unpack .../python3-pip_8.1.1-2ubuntu0.4_all.deb ...
Unpacking python3-pip (8.1.1-2ubuntu0.4) ...
Selecting previously unselected package python3-setuptools.
Preparing to unpack .../python3-setuptools_20.7.0-1_all.deb ...
Unpacking python3-setuptools (20.7.0-1) ...
Selecting previously unselected package python3-wheel.
Preparing to unpack .../python3-wheel_0.29.0-1_all.deb ...
Unpacking python3-wheel (0.29.0-1) ...
Selecting previously unselected package swig3.0.
Preparing to unpack .../swig3.0_3.0.8-0ubuntu3_arm64.deb ...
Unpacking swig3.0 (3.0.8-0ubuntu3) ...
Selecting previously unselected package swig.
Preparing to unpack .../swig_3.0.8-0ubuntu3_arm64.deb ...
Unpacking swig (3.0.8-0ubuntu3) ...
Processing triggers for libc-bin (2.23-0ubuntu3) ...
Processing triggers for bamfdaemon (0.5.3bzr0+16.04.20160523-0ubuntu1) ...
Rebuilding /usr/share/applications/bamf-2.index...
Processing triggers for gnome-menus (3.13.3-6ubuntu3) ...
Processing triggers for desktop-file-utils (0.22-1ubuntu5) ...
Processing triggers for mime-support (3.59ubuntu1) ...
Processing triggers for man-db (2.7.5-1) ...
Processing triggers for doc-base (0.10.7) ...
Processing 1 added doc-base file...
Setting up libexpat1:arm64 (2.1.0-7ubuntu0.16.04.3) ...
Setting up libpython3.5-minimal:arm64 (3.5.2-2ubuntu0
16.04.4) ...
Setting up libpython3.5-stdlib:arm64 (3.5.2-2ubuntu016.04.4) ...
Setting up libpython3.5:arm64 (3.5.2-2ubuntu0
16.04.4) ...
Setting up python3.5-minimal (3.5.2-2ubuntu016.04.4) ...
Setting up python3.5 (3.5.2-2ubuntu0
16.04.4) ...
Setting up libexpat1-dev:arm64 (2.1.0-7ubuntu0.16.04.3) ...
Setting up libpython3.5-dev:arm64 (3.5.2-2ubuntu016.04.4) ...
Setting up libpython3-dev:arm64 (3.5.1-3) ...
Setting up python-pip-whl (8.1.1-2ubuntu0.4) ...
Setting up python3.5-dev (3.5.2-2ubuntu0
16.04.4) ...
Setting up python3-dev (3.5.1-3) ...
Setting up python3-numpy (1:1.11.0-1ubuntu1) ...
Setting up python3-pip (8.1.1-2ubuntu0.4) ...
Setting up python3-setuptools (20.7.0-1) ...
Setting up python3-wheel (0.29.0-1) ...
Setting up swig3.0 (3.0.8-0ubuntu3) ...
Setting up swig (3.0.8-0ubuntu3) ...
Processing triggers for libc-bin (2.23-0ubuntu3) ...
--2018-01-24 16:35:59-- https://github.com/bazelbuild/bazel/releases/download/0.5.2/bazel-0.5.2-dist.zip
Resolving github.com (github.com)... 192.30.253.112, 192.30.253.113, 2800:800:0:91a2:af:bd:c01e:fd71, ...
Connecting to github.com (github.com)|192.30.253.112|:443... connected.
WARNING: cannot verify github.com's certificate, issued by ‘CN=DigiCert SHA2 Extended Validation Server CA,OU=www.digicert.com,O=DigiCert Inc,C=US’:
Unable to locally verify the issuer's authority.
HTTP request sent, awaiting response... 302 Found
Location: https://github-production-release-asset-2e65be.s3.amazonaws.com/20773773/2a1587f8-5b51-11e7-9fc0-0d5c5bfd202b?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAIWNJYAX4CSVEH53A%2F20180124%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20180124T163559Z&X-Amz-Expires=300&X-Amz-Signature=d46204c214947347f26795ccbc45e7728c8cd32e13f034d10ddee75b54b58f33&X-Amz-SignedHeaders=host&actor_id=0&response-content-disposition=attachment%3B%20filename%3Dbazel-0.5.2-dist.zip&response-content-type=application%2Foctet-stream [following]
--2018-01-24 16:35:59-- https://github-production-release-asset-2e65be.s3.amazonaws.com/20773773/2a1587f8-5b51-11e7-9fc0-0d5c5bfd202b?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAIWNJYAX4CSVEH53A%2F20180124%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20180124T163559Z&X-Amz-Expires=300&X-Amz-Signature=d46204c214947347f26795ccbc45e7728c8cd32e13f034d10ddee75b54b58f33&X-Amz-SignedHeaders=host&actor_id=0&response-content-disposition=attachment%3B%20filename%3Dbazel-0.5.2-dist.zip&response-content-type=application%2Foctet-stream
Resolving github-production-release-asset-2e65be.s3.amazonaws.com (github-production-release-asset-2e65be.s3.amazonaws.com)... 52.216.227.192, 2800:800:0:91a2:af:bd:34d8:e3c0
Connecting to github-production-release-asset-2e65be.s3.amazonaws.com (github-production-release-asset-2e65be.s3.amazonaws.com)|52.216.227.192|:443... connected.
WARNING: cannot verify github-production-release-asset-2e65be.s3.amazonaws.com's certificate, issued by ‘CN=DigiCert Baltimore CA-2 G2,OU=www.digicert.com,O=DigiCert Inc,C=US’:
Unable to locally verify the issuer's authority.
HTTP request sent, awaiting response... 200 OK
Length: 100003640 (95M) [application/octet-stream]
Saving to: ‘bazel-0.5.2-dist.zip’

bazel-0.5.2-dist.zip 100%[===========================================================================>] 95.37M 2.58MB/s in 38s

2018-01-24 16:36:38 (2.50 MB/s) - ‘bazel-0.5.2-dist.zip’ saved [100003640/100003640]

Archive: bazel-0.5.2-dist.zip
Extracting bazel.......
...
...
extracting: bazel-0.5.2-dist/tools/python/2to3.sh
inflating: bazel-0.5.2-dist/tools/python/BUILD
inflating: bazel-0.5.2-dist/tools/test/BUILD
inflating: bazel-0.5.2-dist/tools/test/LcovMerger/java/com/google/devtools/lcovmerger/LcovMerger.java
inflating: bazel-0.5.2-dist/tools/test/LcovMerger/java/com/google/devtools/lcovmerger/Main.java
inflating: bazel-0.5.2-dist/tools/test/LcovMerger/javatests/com/google/devtools/lcovmerger/LcovMergerTest.java
inflating: bazel-0.5.2-dist/tools/test/collect_coverage.sh
inflating: bazel-0.5.2-dist/tools/test/test-setup.sh
inflating: bazel-0.5.2-dist/tools/test_sharding_compliant
inflating: bazel-0.5.2-dist/tools/zip/BUILD
inflating: bazel-0.5.2-dist/tools/zip/BUILD.tools
INFO: You can skip this first step by providing a path to the bazel binary as second argument:
INFO: ./compile.sh compile /path/to/bazel
🍃 Building Bazel from scratch.......
🍃 Building Bazel with Bazel.
.WARNING: /tmp/bazel_GueNT27h/out/external/bazel_tools/WORKSPACE:1: Workspace name in /tmp/bazel_GueNT27h/out/external/bazel_tools/WORKSPACE (@io_bazel) does not match the name given in the repository's definition (@bazel_tools); this will cause a build error in future versions.
WARNING: /home/nvidia/bazel-0.5.2-dist/tools/build_defs/docker/docker.bzl:19:1: The docker_{build,bundle} rules bundled with Bazel are deprecated in favor of:
https://github.com/bazelbuild/rules_docker. Please change BUILD loads to reference: @io_bazel_rules_docker//docker:docker.bzl and add the following to your WORKSPACE:
git_repository(
name = "io_bazel_rules_docker",
remote = "https://github.com/bazelbuild/rules_docker.git",
commit = "...",
)
load("@io_bazel_rules_docker//docker:docker.bzl", "docker_repositories")
docker_repositories().
INFO: Found 1 target...
INFO: From Compiling src/main/cpp/blaze_util_posix.cc:
src/main/cpp/blaze_util_posix.cc: In function 'void blaze::Daemonize(const char*)':
src/main/cpp/blaze_util_posix.cc:217:28: warning: ignoring return value of 'int dup(int)', declared with attribute warn_unused_result [-Wunused-result]
(void) dup(STDOUT_FILENO); // stderr (2>&1)
^
src/main/cpp/blaze_util_posix.cc: In function 'void blaze::DieAfterFork(const char*)':
src/main/cpp/blaze_util_posix.cc:264:49: warning: ignoring return value of 'ssize_t write(int, const void*, size_t)', declared with attribute warn_unused_result [-Wunused-result]
write(STDERR_FILENO, message, strlen(message)); // strlen should be OK
^
src/main/cpp/blaze_util_posix.cc:265:32: warning: ignoring return value of 'ssize_t write(int, const void*, size_t)', declared with attribute warn_unused_result [-Wunused-result]
write(STDERR_FILENO, ": ", 2);
^
src/main/cpp/blaze_util_posix.cc:266:59: warning: ignoring return value of 'ssize_t write(int, const void*, size_t)', declared with attribute warn_unused_result [-Wunused-result]
write(STDERR_FILENO, error_string, strlen(error_string));
^
src/main/cpp/blaze_util_posix.cc:267:32: warning: ignoring return value of 'ssize_t write(int, const void*, size_t)', declared with attribute warn_unused_result [-Wunused-result]
write(STDERR_FILENO, "\n", 1);
^
src/main/cpp/blaze_util_posix.cc: In function 'uint64_t blaze::AcquireLock(const string&, bool, bool, blaze::BlazeLock*)':
src/main/cpp/blaze_util_posix.cc:615:30: warning: ignoring return value of 'int ftruncate(int, off_t)', declared with attribute warn_unused_result [-Wunused-result]
(void) ftruncate(lockfd, 0);
^
src/main/cpp/blaze_util_posix.cc:620:47: warning: ignoring return value of 'ssize_t write(int, const void*, size_t)', declared with attribute warn_unused_result [-Wunused-result]
(void) write(lockfd, msg.data(), msg.size());
^
INFO: From Generating Java (Immutable) proto_library @googleapis//:google_bytestream_bytestream_proto:
google/bytestream/bytestream.proto: warning: Import google/protobuf/wrappers.proto but not used.
INFO: From Generating Java (Immutable) proto_library @googleapis//:google_watch_v1_proto:
google/watcher/v1/watch.proto: warning: Import google/protobuf/empty.proto but not used.
INFO: From Generating Java (Immutable) proto_library @googleapis//:google_devtools_build_v1_build_status_proto:
google/devtools/build/v1/build_status.proto: warning: Import google/protobuf/any.proto but not used.
INFO: From Generating Java (Immutable) proto_library @googleapis//:google_devtools_build_v1_publish_build_event_proto:
google/devtools/build/v1/publish_build_event.proto: warning: Import google/protobuf/any.proto but not used.
google/devtools/build/v1/publish_build_event.proto: warning: Import google/api/auth.proto but not used.
INFO: From Generating external/googleapis/google_devtools_build_v1_publish_build_event_java_grpc_srcs.jar:
google/devtools/build/v1/publish_build_event.proto: warning: Import google/protobuf/any.proto but not used.
google/devtools/build/v1/publish_build_event.proto: warning: Import google/api/auth.proto but not used.
INFO: From Generating external/googleapis/google_watch_v1_java_grpc_srcs.jar:
google/watcher/v1/watch.proto: warning: Import google/protobuf/empty.proto but not used.
INFO: From Generating external/googleapis/google_bytestream_bytestream_java_grpc_srcs.jar:
google/bytestream/bytestream.proto: warning: Import google/protobuf/wrappers.proto but not used.
INFO: From Compiling src/tools/singlejar/input_jar.cc:
src/tools/singlejar/input_jar.cc: In member function 'bool InputJar::Open(const string&)':
src/tools/singlejar/input_jar.cc:86:34: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
if (mapped_file
.offset(ecd) < cen_position) {
^
src/tools/singlejar/input_jar.cc:97:18: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
if (cen_size > mapped_file
.offset(ecd)) {
^
INFO: From Compiling src/tools/singlejar/combiners.cc:
src/tools/singlejar/combiners.cc: In member function 'virtual bool XmlCombiner::Merge(const CDH*, const LH*)':
src/tools/singlejar/combiners.cc:150:14: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
while (end >= end_tag_.length() && std::isspace(buf[end - 1])) end--;
^
In file included from ./src/tools/singlejar/transient_bytes.h:24:0,
from ./src/tools/singlejar/combiners.h:21,
from src/tools/singlejar/combiners.cc:15:
./src/tools/singlejar/zip_headers.h: In member function 'virtual void* Concatenator::OutputEntry(bool)':
./src/tools/singlejar/zip_headers.h:143:51: warning: array subscript is above array bounds [-Warray-bounds]
void attr64(int index, uint64_t v) { attr_[index] = htole64(v); }
^
INFO: From Compiling src/tools/singlejar/output_jar.cc:
src/tools/singlejar/output_jar.cc: In member function 'int OutputJar::Doit(Options*)':
src/tools/singlejar/output_jar.cc:238:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
for (int ix = 0; ix < options_->input_jars.size(); ++ix) {
^
src/tools/singlejar/output_jar.cc: In member function 'void OutputJar::AppendToDirectoryBuffer(const CDH*, off_t, uint16_t, bool)':
src/tools/singlejar/output_jar.cc:710:43: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
int copy_count = out_zip64_attr_count < zip64_attr_count
^
src/tools/singlejar/output_jar.cc: In member function 'ssize_t OutputJar::AppendFile(int, off_t, size_t)':
src/tools/singlejar/output_jar.cc:884:24: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
while (total_written < count) {
^
INFO: From JavacBootstrap src/java_tools/buildjar/java/com/google/devtools/build/buildjar/libbootstrap_JarOwner.jar [for host]:
warning: Implicitly compiled files were not subject to annotation processing.
Use -proc:none to disable annotation processing or -implicit to specify a policy for implicit compilation.
1 warning
INFO: From JavacBootstrap src/java_tools/buildjar/java/com/google/devtools/build/buildjar/libskylark-deps.jar [for host]:
Note: Some input files use or override a deprecated API.
Note: Recompile with -Xlint:deprecation for details.
ERROR: /home/nvidia/bazel-0.5.2-dist/third_party/java/jarjar/BUILD:19:1: Building third_party/java/jarjar/libjarjar_core.jar (43 source files) failed: Worker process sent response with exit code: 1.
java.lang.InternalError: Cannot find requested resource bundle for locale en_US
at com.sun.tools.javac.util.JavacMessages.getBundles(JavacMessages.java:128)
at com.sun.tools.javac.util.JavacMessages.getLocalizedString(JavacMessages.java:147)
at com.sun.tools.javac.util.JavacMessages.getLocalizedString(JavacMessages.java:140)
at com.sun.tools.javac.util.Log.localize(Log.java:788)
at com.sun.tools.javac.util.Log.printLines(Log.java:586)
at com.sun.tools.javac.api.JavacTaskImpl.handleExceptions(JavacTaskImpl.java:170)
at com.sun.tools.javac.api.JavacTaskImpl.doCall(JavacTaskImpl.java:96)
at com.sun.tools.javac.api.JavacTaskImpl.call(JavacTaskImpl.java:90)
at com.google.devtools.build.buildjar.javac.BlazeJavacMain.compile(BlazeJavacMain.java:103)
at com.google.devtools.build.buildjar.SimpleJavaLibraryBuilder$1.invokeJavac(SimpleJavaLibraryBuilder.java:106)
at com.google.devtools.build.buildjar.ReducedClasspathJavaLibraryBuilder.compileSources(ReducedClasspathJavaLibraryBuilder.java:53)
at com.google.devtools.build.buildjar.SimpleJavaLibraryBuilder.compileJavaLibrary(SimpleJavaLibraryBuilder.java:109)
at com.google.devtools.build.buildjar.SimpleJavaLibraryBuilder.run(SimpleJavaLibraryBuilder.java:121)
at com.google.devtools.build.buildjar.BazelJavaBuilder.processRequest(BazelJavaBuilder.java:89)
at com.google.devtools.build.buildjar.BazelJavaBuilder.runPersistentWorker(BazelJavaBuilder.java:66)
at com.google.devtools.build.buildjar.BazelJavaBuilder.main(BazelJavaBuilder.java:44)
Caused by: java.util.MissingResourceException: Can't find bundle for base name com.google.errorprone.errors, locale en_US
at java.util.ResourceBundle.throwMissingResourceException(ResourceBundle.java:1573)
at java.util.ResourceBundle.getBundleImpl(ResourceBundle.java:1396)
at java.util.ResourceBundle.getBundle(ResourceBundle.java:854)
at com.sun.tools.javac.util.JavacMessages.lambda$add$0(JavacMessages.java:106)
at com.sun.tools.javac.util.JavacMessages.getBundles(JavacMessages.java:125)
... 15 more
Target //src:bazel failed to build
INFO: Elapsed time: 469.169s, Critical Path: 120.49s

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.