minerllabs / minerl

MineRL Competition for Sample Efficient Reinforcement Learning - Python Package
http://minerl.io/docs/
Other
674 stars 153 forks source link

MineRL does not run on headless multi-GPU server: #223

Open NotNANtoN opened 5 years ago

NotNANtoN commented 5 years ago

First I have tried it with xvfb-run python3 , but then it was mentioned that xvfb and NVIDIA drivers are not really compatible. Hence, I tried it with a vncserver. I asked the admin of the server I am using to install tightvnc, then started a vnserver with "vncserver :0". I also tried :1, :2, :3. Then I exported the DISPLAY variable to whatever index I used for the vncserver, e.g. "export DISPLAY=:1". Then I tried my script. Result: does not work. I also tried runing "DISPLAY=:1 python3 ". But that also does not work. Problem is, I am not root on that server (university server), so I cannot run docker containers.

How can I get MineRL to run on this headless multi-GPU server? Is it possible at all?

MadcowD commented 5 years ago

Can you post your logs?

NotNANtoN commented 5 years ago

Okay, my steps were now to start a vnvserver at :0,export DISPLAY to :0 and this is what I get in my console: Traceback (most recent call last): File "train.py", line 154, in trainer = Trainer(env, parameters, log=False, log_NNs=False, tb_comment=tensorboard_comment) File "/srv/home/user/Deep-RL-Torch/trainer.py", line 39, in init self.env = gym.make(env_name) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/gym/envs/registration.py", line 156, in make return registry.make(id, kwargs) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/gym/envs/registration.py", line 101, in make env = spec.make(kwargs) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/gym/envs/registration.py", line 73, in make env = cls(**_kwargs) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/minerl/env/core.py", line 133, in init self.instance = self._get_new_instance(port) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/minerl/env/core.py", line 155, in _get_new_instance instance.launch() File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/minerl/env/malmo.py", line 466, in launch _check_for_launch_errors(line) File "/informatik2/students/home/uesr/.local/lib/python3.6/site-packages/minerl/env/malmo.py", line 753, in _check_for_launch_errors "ERROR! MineRL could not detect an X Server, Monitor, or Virtual Monitor! " RuntimeError: ERROR! MineRL could not detect an X Server, Monitor, or Virtual Monitor!

In order to run minerl environments WITHOUT A HEAD use a software renderer such as 'xvfb': xvfb-run python3 ! NOTE: xvfb conflicts with NVIDIA-drivers! ! To run headless MineRL on a system with NVIDIA-drivers, please start a ! vnc server of your choosing and then `export DISPLAY=:<insert ur vnc server #>

If you're receiving this error and there is a monitor attached, make sure your current displayvariable is set correctly: DISPLAY=:0 python3 ! NOTE: For this to work your account must be logged on the physical monitor.

If none of these steps work, please complain in the discord! If all else fails, JUST PUT THIS IN A DOCKER CONTAINER! :)

Or are you talking about other logs?

MadcowD commented 5 years ago

Are there sny logs in your ./logs folder (if it exists)?

NotNANtoN commented 5 years ago

There is no ./logs folder

MadcowD commented 5 years ago

Okay thanks.

MadcowD commented 5 years ago

Could you run your vncserver and then ls /tmp/.X11

NotNANtoN commented 5 years ago

For your command I get ls: cannot access '/tmp/.X11': No such file or directory You mean: ls /tmp/.X11-unix? For that command I get: X0 X1 X2 X3

MadcowD commented 5 years ago

Hmm try starting your vnc server on :5 and run the same command I want to make sure that indeed the error is still happening.

Also can you run your program using :5 with debug logging enabled

import logging
logging.basicConfig(level=logging.DEBUG)

at the top of your file and then repost the logs.

NotNANtoN commented 5 years ago

Okay: `INFO:root:Generating grammar tables from /usr/lib/python3.6/lib2to3/Grammar.txt INFO:root:Generating grammar tables from /usr/lib/python3.6/lib2to3/PatternGrammar.txt DEBUG:matplotlib:$HOME=/informatik2/students/home/8user DEBUG:matplotlib:CONFIGDIR=/informatik2/students/home/8user/.config/matplotlib DEBUG:matplotlib:matplotlib data path: /informatik2/students/home/8user/.local/lib/python3.6/site-packages/matplotlib/mpl-data DEBUG:matplotlib:loaded rc file /informatik2/students/home/8user/.local/lib/python3.6/site-packages/matplotlib/mpl-data/matplotlibrc DEBUG:matplotlib:matplotlib version 3.0.3 DEBUG:matplotlib:interactive is False DEBUG:matplotlib:platform is linux DEBUG:matplotlib:loaded modules: ['builtins', 'sys', '_frozen_importlib', '_imp', '_warnings', '_thread', '_weakref', '_frozen_importlib_external', '_io', 'marshal', 'posix', 'zipimport', 'encodings', 'codecs', '_codecs', 'encodings.aliases', 'encodings.utf_8', '_signal', 'main', 'encodings.latin_1', 'io', 'abc', '_weakrefset', '_bootlocale', '_locale', 'site', 'os', 'errno', 'stat', '_stat', 'posixpath', 'genericpath', 'os.path', '_collections_abc', '_sitebuiltins', 'sysconfig', '_sysconfigdata_m_linux_x86_64-linux-gnu', 'types', 'functools', '_functools', 'collections', 'operator', '_operator', 'keyword', 'heapq', '_heapq', 'itertools', 'reprlib', '_collections', 'weakref', 'collections.abc', 'importlib', 'importlib._bootstrap', 'importlib._bootstrap_external', 'warnings', 'importlib.util', 'importlib.abc', 'importlib.machinery', 'contextlib', 'mpl_toolkits', 'google', 'zope', 'sitecustomize', 'apport_python_hook', 'logging', 'time', 'traceback', 'linecache', 'tokenize', 're', 'enum', 'sre_compile', '_sre', 'sre_parse', 'sre_constants', 'copyreg', 'token', 'string', '_string', 'threading', 'atexit', 'torch', 'platform', 'subprocess', 'signal', '_posixsubprocess', 'select', 'selectors', 'math', 'torch._utils', 'torch._utils_internal', 'future', 'torch.version', 'torch._six', 'queue', 'numpy', 'numpy._globals', 'numpy.config', 'numpy.version', 'numpy._distributor_init', 'numpy.core', 'numpy.core.info', 'numpy.core.multiarray', 'numpy.core.overrides', 'textwrap', 'datetime', '_datetime', 'numpy.core._multiarray_umath', 'numpy.compat', 'numpy.compat._inspect', 'numpy.compat.py3k', 'pathlib', 'fnmatch', 'ntpath', 'urllib', 'urllib.parse', 'pickle', 'struct', '_struct', '_compat_pickle', '_pickle', 'numpy.core.umath', 'numpy.core.numerictypes', 'numbers', 'numpy.core._string_helpers', 'numpy.core._type_aliases', 'numpy.core._dtype', 'numpy.core.numeric', 'numpy.core._exceptions', 'numpy.core._asarray', 'numpy.core._ufunc_config', 'numpy.core.fromnumeric', 'numpy.core._methods', 'numpy.core.arrayprint', 'numpy.core.defchararray', 'numpy.core.records', 'numpy.core.memmap', 'numpy.core.function_base', 'numpy.core.machar', 'numpy.core.getlimits', 'numpy.core.shape_base', 'numpy.core.einsumfunc', 'numpy.core._add_newdocs', 'numpy.core._multiarray_tests', 'numpy.core._dtype_ctypes', '_ctypes', 'ctypes', 'ctypes._endian', 'numpy.core._internal', 'numpy._pytesttester', 'numpy.lib', 'numpy.lib.info', 'numpy.lib.type_check', 'numpy.lib.ufunclike', 'numpy.lib.index_tricks', 'numpy.matrixlib', 'numpy.matrixlib.defmatrix', 'ast', '_ast', 'numpy.linalg', 'numpy.linalg.info', 'numpy.linalg.linalg', 'numpy.lib.twodim_base', 'numpy.linalg.lapack_lite', 'numpy.linalg._umath_linalg', 'numpy.lib.function_base', 'numpy.lib.histograms', 'numpy.lib.stride_tricks', 'numpy.lib.mixins', 'numpy.lib.nanfunctions', 'numpy.lib.shape_base', 'numpy.lib.scimath', 'numpy.lib.polynomial', 'numpy.lib.utils', 'numpy.lib.arraysetops', 'numpy.lib.npyio', 'numpy.lib.format', 'numpy.lib._datasource', 'shutil', 'zlib', 'bz2', '_compression', '_bz2', 'lzma', '_lzma', 'pwd', 'grp', 'numpy.lib._iotools', 'numpy.lib.financial', 'decimal', '_decimal', 'numpy.lib.arrayterator', 'numpy.lib.arraypad', 'numpy.lib._version', 'numpy.fft', 'numpy.fft.info', 'numpy.fft.pocketfft', 'numpy.fft.pocketfft_internal', 'numpy.fft.helper', 'numpy.polynomial', 'numpy.polynomial.polynomial', 'numpy.polynomial.polyutils', 'numpy.polynomial._polybase', 'numpy.polynomial.chebyshev', 'numpy.polynomial.legendre', 'numpy.polynomial.hermite', 'numpy.polynomial.hermite_e', 'numpy.polynomial.laguerre', 'numpy.random', 'numpy.random._pickle', 'numpy.random.mtrand', 'cython_runtime', 'numpy.random.common', 'numpy.random.bounded_integers', 'numpy.random.mt19937', 'numpy.random.bit_generator', '_cython_0_29_13', 'secrets', 'base64', 'binascii', 'hmac', 'hashlib', '_hashlib', '_blake2', '_sha3', 'random', 'bisect', '_bisect', '_random', 'numpy.random.entropy', 'numpy.random.philox', 'numpy.random.pcg64', 'numpy.random.sfc64', 'numpy.random.generator', 'numpy.ctypeslib', 'numpy.ma', 'numpy.ma.core', 'numpy.ma.extras', 'numpy.testing', 'unittest', 'unittest.result', 'unittest.util', 'unittest.case', 'difflib', 'pprint', 'unittest.suite', 'unittest.loader', 'unittest.main', 'argparse', 'copy', 'gettext', 'locale', 'unittest.runner', 'unittest.signals', 'numpy.testing._private', 'numpy.testing._private.utils', 'gc', 'tempfile', 'numpy.testing._private.decorators', 'numpy.testing._private.nosetester', 'torch._C._onnx', 'torch._C._jit_tree_views', 'torch._C.cpp', 'torch._C.cpp.nn', 'torch._C', 'torch.random', 'torch.serialization', 'inspect', 'dis', 'opcode', '_opcode', 'tarfile', 'zipfile', 'torch._tensor_str', 'torch.tensor', 'torch.utils', 'torch.utils.throughput_benchmark', 'torch.utils.hooks', 'torch.storage', 'torch.cuda', 'multiprocessing', 'multiprocessing.context', 'multiprocessing.process', 'multiprocessing.reduction', 'socket', '_socket', 'array', 'mp_main', 'multiprocessing.util', 'torch.cuda._utils', 'torch.cuda.random', 'torch.cuda.sparse', 'torch.cuda.profiler', 'torch.cuda.nvtx', 'glob', 'torch.cuda.streams', 'torch.sparse', 'torch.functional', 'torch.nn', 'torch.nn.modules', 'torch.nn.modules.module', 'torch.nn.backends', 'torch.nn.backends.thnn', 'torch.nn.backends.backend', 'torch.nn._functions', 'torch.nn._functions.thnn', 'torch.nn._functions.thnn.auto', 'torch._thnn', 'torch._thnn.utils', 'torch.autograd', 'torch.autograd.variable', 'torch.autograd.function', 'torch.autograd.gradcheck', 'torch.testing', 'torch.autograd.grad_mode', 'torch.autograd.anomaly_mode', 'torch.autograd.profiler', 'torch.nn._functions.thnn.auto_double_backwards', 'torch.nn._functions.thnn.auto_symbolic', 'torch.autograd._functions', 'torch.autograd._functions.tensor', 'torch.autograd._functions.utils', 'torch.nn._functions.thnn.normalization', 'torch.nn._functions.thnn.sparse', 'torch.nn.parameter', 'torch.nn.modules.linear', 'torch.nn.functional', 'torch.nn._reduction', 'torch.nn.modules.utils', 'torch.nn._functions.vision', 'torch.backends', 'torch.backends.cudnn', 'torch.nn.grad', 'torch.nn._VF', 'torch._jit_internal', 'typing', 'typing.io', 'typing.re', 'torch.nn.init', 'torch.nn.modules.conv', 'torch.nn.modules.activation', 'torch.nn.modules.loss', 'torch.nn.modules.container', 'torch.nn.modules.pooling', 'torch.nn.modules.batchnorm', 'torch.nn.modules._functions', 'torch.nn.modules.instancenorm', 'torch.nn.modules.normalization', 'torch.nn.modules.dropout', 'torch.nn.modules.padding', 'torch.nn.modules.sparse', 'torch.nn.modules.rnn', 'torch.nn.utils', 'torch.nn.utils.rnn', 'torch.nn.utils.clip_grad', 'torch.nn.utils.weight_norm', 'torch.nn.utils.convert_parameters', 'torch.nn.utils.spectral_norm', 'torch.nn.utils.fusion', 'torch.nn.modules.pixelshuffle', 'torch.nn.modules.upsampling', 'torch.nn.modules.distance', 'torch.nn.modules.fold', 'torch.nn.modules.adaptive', 'torch.nn.modules.transformer', 'torch.nn.modules.flatten', 'torch.nn.parallel', 'torch.nn.parallel.parallel_apply', 'torch.nn.parallel.replicate', 'torch.cuda.comm', 'torch.cuda.nccl', 'torch.nn.parallel.data_parallel', 'torch.nn.parallel.scatter_gather', 'torch.nn.parallel._functions', 'torch.nn.parallel.distributed', 'torch.distributed', 'torch.distributed.distributed_c10d', 'torch.distributed.rendezvous', 'torch.nn._intrinsic', 'torch.nn._intrinsic.modules', 'torch.nn._intrinsic.modules.fused', 'torch.nn.quantized', 'torch.nn.quantized.modules', 'torch.nn.quantized.modules.activation', 'torch.nn.quantized.functional', 'torch._ops', 'torch.jit', 'torch.jit.frontend', 'torch.jit.annotations', 'torch.nn.quantized.modules.conv', 'torch.nn.quantized.modules.linear', 'torch.optim', 'torch.optim.adadelta', 'torch.optim.optimizer', 'torch.optim.adagrad', 'torch.optim.adam', 'torch.optim.adamw', 'torch.optim.sparse_adam', 'torch.optim.adamax', 'torch.optim.asgd', 'torch.optim.sgd', 'torch.optim.rprop', 'torch.optim.rmsprop', 'torch.optim.lbfgs', 'torch.optim.lr_scheduler', 'torch.multiprocessing', 'torch.multiprocessing.reductions', 'multiprocessing.resource_sharer', 'torch.multiprocessing.spawn', 'multiprocessing.connection', '_multiprocessing', 'torch.utils.backcompat', 'torch.onnx', 'torch.hub', 'urllib.request', 'email', 'http', 'http.client', 'email.parser', 'email.feedparser', 'email.errors', 'email._policybase', 'email.header', 'email.quoprimime', 'email.base64mime', 'email.charset', 'email.encoders', 'quopri', 'email.utils', 'email._parseaddr', 'calendar', 'email.message', 'uu', 'email._encoded_words', 'email.iterators', 'ssl', 'ipaddress', '_ssl', 'urllib.error', 'urllib.response', 'tqdm', 'tqdm._tqdm', 'tqdm._utils', 'tqdm._monitor', 'tqdm._tqdm_gui', 'tqdm._tqdm_pandas', 'tqdm._main', 'tqdm._version', 'torch.distributions', 'torch.distributions.bernoulli', 'torch.distributions.constraints', 'torch.distributions.exp_family', 'torch.distributions.distribution', 'torch.distributions.utils', 'torch.distributions.beta', 'torch.distributions.dirichlet', 'torch.distributions.binomial', 'torch.distributions.categorical', 'torch.distributions.cauchy', 'torch.distributions.chi2', 'torch.distributions.gamma', 'torch.distributions.constraint_registry', 'torch.distributions.transforms', 'torch.distributions.exponential', 'torch.distributions.fishersnedecor', 'torch.distributions.geometric', 'torch.distributions.gumbel', 'torch.distributions.uniform', 'torch.distributions.transformed_distribution', 'torch.distributions.half_cauchy', 'torch.distributions.half_normal', 'torch.distributions.normal', 'torch.distributions.independent', 'torch.distributions.kl', 'torch.distributions.laplace', 'torch.distributions.lowrank_multivariate_normal', 'torch.distributions.multivariate_normal', 'torch.distributions.one_hot_categorical', 'torch.distributions.pareto', 'torch.distributions.poisson', 'torch.distributions.log_normal', 'torch.distributions.logistic_normal', 'torch.distributions.multinomial', 'torch.distributions.negative_binomial', 'torch.distributions.relaxed_bernoulli', 'torch.distributions.relaxed_categorical', 'torch.distributions.studentT', 'torch.distributions.weibull', 'torch.backends.cuda', 'torch.backends.mkl', 'torch.backends.openmp', 'torch.utils.data', 'torch.utils.data.sampler', 'torch.utils.data.distributed', 'torch.utils.data.dataset', 'torch.utils.data.dataloader', 'torch.utils.data._utils', 'torch.utils.data._utils.worker', 'torch.utils.data._utils.signal_handling', 'torch.utils.data._utils.pin_memory', 'torch.utils.data._utils.collate', 'torch.utils.data._utils.fetch', 'torch.config', 'torch.future__', 'torch._torch_docs', 'torch._tensor_docs', 'torch._storage_docs', 'torch.quasirandom', 'RAdam', 'env_wrappers', 'cv2', 'cv2.Error', 'cv2.cuda', 'cv2.detail', 'cv2.dnn', 'cv2.fisheye', 'cv2.flann', 'cv2.instr', 'cv2.ipp', 'cv2.ml', 'cv2.ocl', 'cv2.ogl', 'cv2.samples', 'cv2.utils', 'cv2.videoio_registry', 'cv2.cv2', 'cv2.data', 'gym', 'distutils', 'distutils.version', 'gym.error', 'gym.version', 'gym.core', 'gym.utils', 'gym.utils.colorize', 'gym.utils.ezpickle', 'gym.utils.closer', 'gym.spaces', 'gym.spaces.space', 'gym.utils.seeding', 'six', 'gym.spaces.box', 'gym.spaces.discrete', 'gym.spaces.multi_discrete', 'gym.spaces.multi_binary', 'gym.spaces.tuple', 'gym.spaces.dict', 'gym.spaces.utils', 'gym.envs', 'gym.envs.registration', 'gym.logger', 'gym.vector', 'gym.vector.async_vector_env', 'gym.vector.vector_env', 'gym.vector.utils', 'gym.vector.utils.misc', 'gym.vector.utils.numpy_utils', 'gym.vector.utils.spaces', 'gym.vector.utils.shared_memory', 'gym.vector.sync_vector_env', 'gym.wrappers', 'gym.wrappers.monitor', 'json', 'json.decoder', 'json.scanner', '_json', 'json.encoder', 'gym.wrappers.monitoring', 'gym.wrappers.monitoring.stats_recorder', 'gym.utils.atomic_write', 'gym.utils.json_utils', 'gym.wrappers.monitoring.video_recorder', 'distutils.spawn', 'distutils.errors', 'distutils.debug', 'distutils.log', 'gym.wrappers.time_limit', 'gym.wrappers.dict', 'gym.wrappers.filter_observation', 'gym.wrappers.atari_preprocessing', 'gym.wrappers.resize_observation', 'gym.wrappers.clip_action', 'gym.wrappers.clip_reward', 'gym.wrappers.sign_reward', 'trainer', 'minerl', 'minerl.dependencies', 'minerl.data', 'minerl.data.data_pipeline', 'minerl.env', 'minerl.env.spaces', 'minerl.env.core', 'uuid', 'ctypes.util', 'lxml', 'lxml.etree', 'lxml._elementpath', 'gzip', 'minerl.env.comms', 'Pyro4', 'Pyro4.constants', 'Pyro4.configuration', 'Pyro4.core', 'Pyro4.errors', 'Pyro4.socketutil', 'fcntl', 'Pyro4.util', 'cloudpickle', 'cloudpickle.cloudpickle', 'serpent', 'Pyro4.message', 'Pyro4.futures', 'minerl.env.malmo', 'psutil', 'psutil._common', 'psutil._compat', 'psutil._pslinux', 'psutil._psposix', 'psutil._psutil_linux', 'psutil._psutil_posix', 'minerl.data.version', 'minerl.data.download', 'requests', 'urllib3', 'urllib3.connectionpool', 'urllib3.exceptions', 'urllib3.packages', 'urllib3.packages.ssl_match_hostname', 'urllib3.packages.six', 'urllib3.packages.six.moves', 'urllib3.packages.six.moves.http_client', 'urllib3.packages.rfc3986', 'urllib3.packages.rfc3986.api', 'urllib3.packages.rfc3986.iri', 'urllib3.packages.rfc3986.compat', 'urllib3.packages.rfc3986.exceptions', 'urllib3.packages.rfc3986.misc', 'urllib3.packages.rfc3986.abnf_regexp', 'urllib3.packages.rfc3986.normalizers', 'urllib3.packages.rfc3986.uri', 'urllib3.packages.rfc3986._mixin', 'urllib3.packages.rfc3986.validators', 'idna', 'idna.package_data', 'idna.core', 'idna.idnadata', 'unicodedata', 'idna.intranges', 'urllib3.packages.rfc3986.parseresult', 'urllib3.connection', 'urllib3.util', 'urllib3.util.connection', 'urllib3.util.wait', 'urllib3.contrib', 'urllib3.contrib._appengineenviron', 'urllib3.util.request', 'urllib3.util.response', 'urllib3.util.ssl', 'urllib3.util.timeout', 'urllib3.util.retry', 'urllib3.util.url', 'urllib3._collections', 'urllib3.request', 'urllib3.filepost', 'urllib3.fields', 'mimetypes', 'urllib3.packages.six.moves.urllib', 'urllib3.packages.six.moves.urllib.parse', 'urllib3.response', 'urllib3.util.queue', 'urllib3.poolmanager', 'chardet', 'chardet.compat', 'chardet.universaldetector', 'chardet.charsetgroupprober', 'chardet.enums', 'chardet.charsetprober', 'chardet.escprober', 'chardet.codingstatemachine', 'chardet.escsm', 'chardet.latin1prober', 'chardet.mbcsgroupprober', 'chardet.utf8prober', 'chardet.mbcssm', 'chardet.sjisprober', 'chardet.mbcharsetprober', 'chardet.chardistribution', 'chardet.euctwfreq', 'chardet.euckrfreq', 'chardet.gb2312freq', 'chardet.big5freq', 'chardet.jisfreq', 'chardet.jpcntx', 'chardet.eucjpprober', 'chardet.gb2312prober', 'chardet.euckrprober', 'chardet.cp949prober', 'chardet.big5prober', 'chardet.euctwprober', 'chardet.sbcsgroupprober', 'chardet.sbcharsetprober', 'chardet.langcyrillicmodel', 'chardet.langgreekmodel', 'chardet.langbulgarianmodel', 'chardet.langthaimodel', 'chardet.langhebrewmodel', 'chardet.hebrewprober', 'chardet.langturkishmodel', 'chardet.version', 'requests.exceptions', 'urllib3.contrib.pyopenssl', 'OpenSSL', 'OpenSSL.crypto', 'cryptography', 'cryptography.about', 'cryptography.x509', 'cryptography.x509.certificate_transparency', 'cryptography.x509.base', 'cryptography.utils', 'cryptography.hazmat', 'cryptography.hazmat.primitives', 'cryptography.hazmat.primitives.asymmetric', 'cryptography.hazmat.primitives.asymmetric.dsa', 'cryptography.hazmat.primitives.asymmetric.ec', 'cryptography.hazmat._oid', 'cryptography.hazmat.primitives.asymmetric.rsa', 'cryptography.exceptions', 'cryptography.hazmat.backends', 'cryptography.hazmat.backends.interfaces', 'cryptography.x509.extensions', 'asn1crypto', 'asn1crypto.version', 'asn1crypto.keys', 'asn1crypto._elliptic_curve', 'asn1crypto._int', 'asn1crypto.util', 'asn1crypto._errors', 'asn1crypto._iri', 'encodings.idna', 'stringprep', 'asn1crypto._types', 'asn1crypto._ordereddict', 'asn1crypto._ffi', 'asn1crypto._perf', 'asn1crypto._perf._big_num_ctypes', 'asn1crypto.algos', 'asn1crypto.core', 'asn1crypto._teletex_codec', 'asn1crypto.parser', 'cryptography.hazmat.primitives.constant_time', 'cryptography.hazmat.bindings', '_cffi_backend', '_constant_time.lib', '_constant_time', 'cryptography.hazmat.bindings._constant_time', 'cryptography.hazmat.primitives.serialization', 'cryptography.hazmat.primitives.serialization.base', 'cryptography.hazmat.primitives.serialization.ssh', 'cryptography.hazmat.primitives.asymmetric.ed25519', 'cryptography.x509.general_name', 'six.moves', 'cryptography.x509.name', 'cryptography.x509.oid', 'cryptography.hazmat.primitives.hashes', 'OpenSSL._util', 'cryptography.hazmat.bindings.openssl', 'cryptography.hazmat.bindings.openssl.binding', '_openssl.lib', '_openssl', 'cryptography.hazmat.bindings._openssl', 'cryptography.hazmat.bindings.openssl._conditional', 'OpenSSL.SSL', 'OpenSSL.version', 'cryptography.hazmat.backends.openssl', 'cryptography.hazmat.backends.openssl.backend', 'cryptography.hazmat.backends.openssl.aead', 'cryptography.hazmat.backends.openssl.ciphers', 'cryptography.hazmat.primitives.ciphers', 'cryptography.hazmat.primitives.ciphers.base', 'cryptography.hazmat.primitives.ciphers.modes', 'cryptography.hazmat.backends.openssl.cmac', 'cryptography.hazmat.backends.openssl.decode_asn1', 'cryptography.hazmat.backends.openssl.dh', 'cryptography.hazmat.primitives.asymmetric.dh', 'cryptography.hazmat.backends.openssl.dsa', 'cryptography.hazmat.backends.openssl.utils', 'cryptography.hazmat.primitives.asymmetric.utils', 'cryptography.hazmat.backends.openssl.ec', 'cryptography.hazmat.backends.openssl.ed25519', 'cryptography.hazmat.backends.openssl.ed448', 'cryptography.hazmat.primitives.asymmetric.ed448', 'cryptography.hazmat.backends.openssl.encode_asn1', 'cryptography.hazmat.backends.openssl.hashes', 'cryptography.hazmat.backends.openssl.hmac', 'cryptography.hazmat.backends.openssl.ocsp', 'cryptography.hazmat.backends.openssl.x509', 'cryptography.x509.ocsp', 'cryptography.hazmat.backends.openssl.poly1305', 'cryptography.hazmat.backends.openssl.rsa', 'cryptography.hazmat.primitives.asymmetric.padding', 'cryptography.hazmat.backends.openssl.x25519', 'cryptography.hazmat.primitives.asymmetric.x25519', 'cryptography.hazmat.backends.openssl.x448', 'cryptography.hazmat.primitives.asymmetric.x448', 'cryptography.hazmat.primitives.ciphers.algorithms', 'cryptography.hazmat.primitives.kdf', 'cryptography.hazmat.primitives.kdf.scrypt', 'urllib3.packages.backports', 'urllib3.packages.backports.makefile', 'requests.version__', 'requests.utils', 'requests.certs', 'certifi', 'certifi.core', 'requests._internal_utils', 'requests.compat', 'simplejson', 'simplejson.errors', 'simplejson.raw_json', 'simplejson.decoder', 'simplejson.compat', 'simplejson.scanner', 'simplejson._speedups', 'simplejson.encoder', 'http.cookiejar', 'http.cookies', 'requests.cookies', 'requests.structures', 'requests.packages', 'requests.packages.urllib3', 'requests.packages.urllib3.connectionpool', 'requests.packages.urllib3.exceptions', 'requests.packages.urllib3.packages', 'requests.packages.urllib3.packages.ssl_match_hostname', 'requests.packages.urllib3.packages.six', 'requests.packages.urllib3.packages.six.moves', 'requests.packages.urllib3.packages.six.moves.http_client', 'requests.packages.urllib3.packages.rfc3986', 'requests.packages.urllib3.packages.rfc3986.api', 'requests.packages.urllib3.packages.rfc3986.iri', 'requests.packages.urllib3.packages.rfc3986.compat', 'requests.packages.urllib3.packages.rfc3986.exceptions', 'requests.packages.urllib3.packages.rfc3986.misc', 'requests.packages.urllib3.packages.rfc3986.abnf_regexp', 'requests.packages.urllib3.packages.rfc3986.normalizers', 'requests.packages.urllib3.packages.rfc3986.uri', 'requests.packages.urllib3.packages.rfc3986._mixin', 'requests.packages.urllib3.packages.rfc3986.validators', 'requests.packages.urllib3.packages.rfc3986.parseresult', 'requests.packages.urllib3.connection', 'requests.packages.urllib3.util', 'requests.packages.urllib3.util.connection', 'requests.packages.urllib3.util.wait', 'requests.packages.urllib3.contrib', 'requests.packages.urllib3.contrib._appengineenviron', 'requests.packages.urllib3.util.request', 'requests.packages.urllib3.util.response', 'requests.packages.urllib3.util.ssl', 'requests.packages.urllib3.util.timeout', 'requests.packages.urllib3.util.retry', 'requests.packages.urllib3.util.url', 'requests.packages.urllib3._collections', 'requests.packages.urllib3.request', 'requests.packages.urllib3.filepost', 'requests.packages.urllib3.fields', 'requests.packages.urllib3.packages.six.moves.urllib', 'requests.packages.urllib3.packages.six.moves.urllib.parse', 'requests.packages.urllib3.response', 'requests.packages.urllib3.util.queue', 'requests.packages.urllib3.poolmanager', 'requests.packages.urllib3.contrib.pyopenssl', 'requests.packages.urllib3.packages.backports', 'requests.packages.urllib3.packages.backports.makefile', 'requests.packages.idna', 'requests.packages.idna.package_data', 'requests.packages.idna.core', 'requests.packages.idna.idnadata', 'requests.packages.idna.intranges', 'requests.packages.chardet', 'requests.packages.chardet.compat', 'requests.packages.chardet.universaldetector', 'requests.packages.chardet.charsetgroupprober', 'requests.packages.chardet.enums', 'requests.packages.chardet.charsetprober', 'requests.packages.chardet.escprober', 'requests.packages.chardet.codingstatemachine', 'requests.packages.chardet.escsm', 'requests.packages.chardet.latin1prober', 'requests.packages.chardet.mbcsgroupprober', 'requests.packages.chardet.utf8prober', 'requests.packages.chardet.mbcssm', 'requests.packages.chardet.sjisprober', 'requests.packages.chardet.mbcharsetprober', 'requests.packages.chardet.chardistribution', 'requests.packages.chardet.euctwfreq', 'requests.packages.chardet.euckrfreq', 'requests.packages.chardet.gb2312freq', 'requests.packages.chardet.big5freq', 'requests.packages.chardet.jisfreq', 'requests.packages.chardet.jpcntx', 'requests.packages.chardet.eucjpprober', 'requests.packages.chardet.gb2312prober', 'requests.packages.chardet.euckrprober', 'requests.packages.chardet.cp949prober', 'requests.packages.chardet.big5prober', 'requests.packages.chardet.euctwprober', 'requests.packages.chardet.sbcsgroupprober', 'requests.packages.chardet.sbcharsetprober', 'requests.packages.chardet.langcyrillicmodel', 'requests.packages.chardet.langgreekmodel', 'requests.packages.chardet.langbulgarianmodel', 'requests.packages.chardet.langthaimodel', 'requests.packages.chardet.langhebrewmodel', 'requests.packages.chardet.hebrewprober', 'requests.packages.chardet.langturkishmodel', 'requests.packages.chardet.version', 'requests.models', 'requests.hooks', 'requests.auth', 'requests.status_codes', 'requests.api', 'requests.sessions', 'requests.adapters', 'minerl.dependencies.pySmartDL', 'minerl.dependencies.pySmartDL.pySmartDL', 'minerl.dependencies.pySmartDL.pySmartDL.pySmartDL', 'multiprocessing.dummy', 'multiprocessing.dummy.connection', 'minerl.dependencies.pySmartDL.pySmartDL.utils', 'concurrent', 'concurrent.futures', 'concurrent.futures._base', 'concurrent.futures.process', 'concurrent.futures.thread', 'minerl.dependencies.pySmartDL.pySmartDL.control_thread', 'minerl.dependencies.pySmartDL.pySmartDL.download', 'networks', 'torch.utils.tensorboard', 'tensorboard', 'tensorboard.lazy', 'tensorboard.version', 'tensorboard.summary', 'tensorboard.summary.v1', 'tensorboard.plugins', 'tensorboard.plugins.audio', 'tensorboard.plugins.audio.summary', 'tensorboard.util', 'tensorboard.util.encoder', 'tensorboard.util.op_evaluator', 'tensorboard.plugins.audio.metadata', 'tensorboard.compat', 'tensorboard.compat.proto', 'tensorboard.compat.proto.summary_pb2', 'google.protobuf', 'pkg_resources', 'pkgutil', 'plistlib', 'xml', 'xml.parsers', 'xml.parsers.expat', 'pyexpat.errors', 'pyexpat.model', 'pyexpat', 'xml.parsers.expat.model', 'xml.parsers.expat.errors', 'pkg_resources.extern', 'pkg_resources._vendor', 'pkg_resources.extern.six', 'pkg_resources._vendor.six', 'pkg_resources.extern.six.moves', 'pkg_resources._vendor.six.moves', 'pkg_resources.py31compat', 'pkg_resources.extern.appdirs', 'pkg_resources._vendor.packaging.about', 'pkg_resources.extern.packaging', 'pkg_resources.extern.packaging.version', 'pkg_resources.extern.packaging._structures', 'pkg_resources.extern.packaging.specifiers', 'pkg_resources.extern.packaging._compat', 'pkg_resources.extern.packaging.requirements', 'pkg_resources.extern.pyparsing', 'pkg_resources.extern.six.moves.urllib', 'pkg_resources.extern.packaging.markers', 'google.protobuf.descriptor', 'google.protobuf.internal', 'google.protobuf.internal.api_implementation', 'google.protobuf.internal._api_implementation', 'google.protobuf.pyext', 'google.protobuf.internal.containers', 'google.protobuf.internal.enum_type_wrapper', 'google.protobuf.message', 'google.protobuf.pyext._message', 'google.protobuf.reflection', 'google.protobuf.message_factory', 'google.protobuf.descriptor_pool', 'google.protobuf.descriptor_database', 'google.protobuf.text_encoding', 'google.protobuf.pyext.cpp_message', 'google.protobuf.symbol_database', 'tensorboard.compat.proto.tensor_pb2', 'tensorboard.compat.proto.resource_handle_pb2', 'google.protobuf.internal.well_known_types', 'tensorboard.compat.proto.tensor_shape_pb2', 'tensorboard.compat.proto.types_pb2', 'tensorboard.plugins.audio.plugin_data_pb2', 'tensorboard.util.tb_logging', 'tensorboard.plugins.audio.summary_v2', 'tensorboard.plugins.custom_scalar', 'tensorboard.plugins.custom_scalar.summary', 'tensorboard.plugins.custom_scalar.layout_pb2', 'tensorboard.plugins.custom_scalar.metadata', 'tensorboard.plugins.histogram', 'tensorboard.plugins.histogram.summary', 'tensorboard.plugins.histogram.metadata', 'tensorboard.plugins.histogram.plugin_data_pb2', 'tensorboard.plugins.histogram.summary_v2', 'tensorboard.util.tensor_util', 'tensorboard.compat.tensorflow_stub', 'tensorboard.compat.proto.config_pb2', 'tensorboard.compat.proto.cost_graph_pb2', 'tensorboard.compat.proto.graph_pb2', 'tensorboard.compat.proto.node_def_pb2', 'tensorboard.compat.proto.attr_value_pb2', 'tensorboard.compat.proto.function_pb2', 'tensorboard.compat.proto.op_def_pb2', 'tensorboard.compat.proto.versions_pb2', 'tensorboard.compat.proto.step_stats_pb2', 'tensorboard.compat.proto.allocation_description_pb2', 'tensorboard.compat.proto.tensor_description_pb2', 'tensorboard.compat.proto.cluster_pb2', 'tensorboard.compat.proto.debug_pb2', 'tensorboard.compat.proto.rewriter_config_pb2', 'tensorboard.compat.proto.verifier_config_pb2', 'tensorboard.compat.proto.event_pb2', 'tensorboard.compat.proto.meta_graph_pb2', 'google.protobuf.any_pb2', 'tensorboard.compat.proto.saved_object_graph_pb2', 'tensorboard.compat.proto.trackable_object_graph_pb2', 'tensorboard.compat.proto.struct_pb2', 'tensorboard.compat.proto.variable_pb2', 'tensorboard.compat.proto.saver_pb2', 'tensorboard.compat.tensorflow_stub.dtypes', 'tensorboard.compat.tensorflow_stub.pywrap_tensorflow', 'tensorboard.compat.tensorflow_stub.errors', 'tensorboard.compat.tensorflow_stub.error_codes', 'tensorboard.compat.tensorflow_stub.io', 'tensorboard.compat.tensorflow_stub.io.gfile', 'botocore', 'botocore.exceptions', 'botocore.vendored', 'botocore.vendored.requests', 'botocore.vendored.requests.packages', 'botocore.vendored.requests.packages.urllib3', 'botocore.vendored.requests.packages.urllib3.connectionpool', 'botocore.vendored.requests.packages.urllib3.exceptions', 'botocore.vendored.requests.packages.urllib3.packages', 'botocore.vendored.requests.packages.urllib3.packages.ssl_matchhostname', 'botocore.vendored.requests.packages.urllib3.packages.six', 'botocore.vendored.requests.packages.urllib3.packages.six.moves', 'botocore.vendored.requests.packages.urllib3.connection', 'botocore.vendored.requests.packages.urllib3.util', 'botocore.vendored.requests.packages.urllib3.util.connection', 'botocore.vendored.requests.packages.urllib3.util.request', 'botocore.vendored.requests.packages.urllib3.util.response', 'botocore.vendored.requests.packages.urllib3.util.ssl', 'botocore.vendored.requests.packages.urllib3.util.timeout', 'botocore.vendored.requests.packages.urllib3.util.retry', 'botocore.vendored.requests.packages.urllib3.util.url', 'botocore.vendored.requests.packages.urllib3.request', 'botocore.vendored.requests.packages.urllib3.filepost', 'botocore.vendored.requests.packages.urllib3.fields', 'botocore.vendored.requests.packages.urllib3.response', 'botocore.vendored.requests.packages.urllib3._collections', 'botocore.vendored.requests.packages.urllib3.poolmanager', 'botocore.vendored.requests.packages.urllib3.contrib', 'botocore.vendored.requests.utils', 'cgi', 'html', 'html.entities', 'botocore.vendored.requests.certs', 'botocore.vendored.requests.compat', 'botocore.vendored.requests.packages.chardet', 'botocore.vendored.requests.cookies', 'botocore.vendored.requests.structures', 'botocore.vendored.requests.exceptions', 'botocore.vendored.requests.models', 'botocore.vendored.requests.hooks', 'botocore.vendored.requests.auth', 'botocore.vendored.requests.status_codes', 'botocore.vendored.requests.api', 'botocore.vendored.requests.sessions', 'botocore.vendored.requests.adapters', 'boto3', 'boto3.session', 'botocore.session', 'botocore.configloader', 'shlex', 'botocore.compat', 'botocore.vendored.six', 'botocore.vendored.six.moves', 'xml.etree', 'xml.etree.cElementTree', 'xml.etree.ElementTree', 'xml.etree.ElementPath', '_elementtree', 'botocore.credentials', 'getpass', 'termios', 'dateutil', 'dateutil._version', 'dateutil.parser', 'dateutil.parser._parser', 'dateutil.relativedelta', 'dateutil._common', 'dateutil.tz', 'dateutil.tz.tz', 'dateutil.tz._common', 'dateutil.tz._factories', 'dateutil.parser.isoparser', 'botocore.config', 'botocore.endpoint', 'botocore.awsrequest', 'botocore.utils', 'botocore.httpsession', 'botocore.vendored.six.moves.urllib_parse', 'botocore.vendored.six.moves.urllib', 'botocore.vendored.six.moves.urllib.request', 'botocore.hooks', 'botocore.history', 'botocore.response', 'botocore.parsers', 'botocore.eventstream', 'botocore.client', 'botocore.waiter', 'jmespath', 'jmespath.parser', 'jmespath.lexer', 'jmespath.exceptions', 'jmespath.compat', 'jmespath.ast', 'jmespath.visitor', 'jmespath.functions', 'botocore.docs', 'botocore.docs.service', 'botocore.docs.utils', 'botocore.docs.client', 'botocore.docs.method', 'botocore.docs.params', 'botocore.docs.shape', 'botocore.docs.example', 'botocore.docs.sharedexample', 'botocore.docs.waiter', 'botocore.docs.paginator', 'botocore.docs.bcdoc', 'botocore.docs.bcdoc.restdoc', 'botocore.docs.bcdoc.docstringparser', 'html.parser', '_markupbase', 'botocore.docs.bcdoc.style', 'botocore.docs.docstring', 'botocore.auth', 'botocore.model', 'botocore.paginate', 'botocore.args', 'botocore.serialize', 'botocore.validate', 'botocore.signers', 'botocore.discovery', 'botocore.configprovider', 'botocore.errorfactory', 'botocore.handlers', 'botocore.retryhandler', 'botocore.translate', 'botocore.loaders', 'botocore.regions', 'botocore.monitoring', 'boto3.utils', 'boto3.exceptions', 'boto3.resources', 'boto3.resources.factory', 'boto3.resources.action', 'boto3.resources.params', 'boto3.resources.response', 'boto3.resources.model', 'boto3.docs', 'boto3.docs.service', 'boto3.docs.client', 'boto3.docs.resource', 'boto3.docs.base', 'boto3.docs.action', 'boto3.docs.method', 'boto3.docs.utils', 'boto3.docs.waiter', 'boto3.docs.collection', 'boto3.docs.subresource', 'boto3.docs.attr', 'boto3.docs.docstring', 'boto3.resources.base', 'boto3.resources.collection', 'tensorboard.compat.tensorflow_stub.compat', 'tensorboard.compat.tensorflow_stub.compat.v1', 'tensorboard.compat.tensorflow_stub.app', 'tensorboard.compat.tensorflow_stub.flags', 'absl', 'absl.flags', 'getopt', 'absl.flags._argument_parser', 'csv', '_csv', 'absl.flags._helpers', 'absl.flags._defines', 'absl.flags._exceptions', 'absl.flags._flag', 'absl._collections_abc', 'absl.flags._flagvalues', 'xml.dom', 'xml.dom.domreg', 'xml.dom.minidom', 'xml.dom.minicompat', 'xml.dom.xmlbuilder', 'xml.dom.NodeFilter', 'absl.flags._validators', 'tensorboard.compat.tensorflow_stub.tensor_shape', 'tensorboard.plugins.image', 'tensorboard.plugins.image.summary', 'tensorboard.plugins.image.metadata', 'tensorboard.plugins.image.plugin_data_pb2', 'tensorboard.plugins.image.summary_v2', 'tensorboard.plugins.pr_curve', 'tensorboard.plugins.pr_curve.summary', 'tensorboard.plugins.pr_curve.metadata', 'tensorboard.plugins.pr_curve.plugin_data_pb2', 'tensorboard.plugins.scalar', 'tensorboard.plugins.scalar.summary', 'tensorboard.plugins.scalar.metadata', 'tensorboard.plugins.scalar.plugin_data_pb2', 'tensorboard.plugins.scalar.summary_v2', 'tensorboard.plugins.text', 'tensorboard.plugins.text.summary', 'tensorboard.plugins.text.metadata', 'tensorboard.plugins.text.plugin_data_pb2', 'tensorboard.plugins.text.summary_v2', 'tensorboard.summary.v2', 'tensorboard.summary.writer', 'tensorboard.summary.writer.record_writer', 'torch.utils.tensorboard.writer', 'tensorboard.summary.writer.event_file_writer', 'torch.utils.tensorboard._convert_np', 'caffe2', 'caffe2.python', 'caffe2.proto', 'caffe2.proto.caffe2_pb2', 'caffe2.proto.metanet_pb2', 'caffe2.proto.torch_pb2', 'caffe2.python.workspace', 'past', 'past.translation', 'imp', 'lib2to3', 'lib2to3.pgen2', 'lib2to3.pgen2.parse', 'lib2to3.pgen2.token', 'lib2to3.refactor', 'lib2to3.pgen2.driver', 'lib2to3.pgen2.grammar', 'lib2to3.pgen2.tokenize', 'lib2to3.pgen2.pgen', 'lib2to3.fixer_util', 'lib2to3.pytree', 'lib2to3.pygram', 'lib2to3.patcomp', 'lib2to3.pgen2.literals', 'lib2to3.btm_matcher', 'lib2to3.btm_utils', 'libfuturize', 'libfuturize.fixes', 'future', 'past.builtins', 'future.utils', 'past.builtins.noniterators', 'past.types', 'past.utils', 'past.types.basestring', 'past.types.olddict', 'past.types.oldstr', 'past.builtins.misc', 'caffe2.python.scope', 'caffe2.python.utils', 'caffe2.python.compatibility', 'google.protobuf.text_format', 'google.protobuf.internal.decoder', 'google.protobuf.internal.encoder', 'google.protobuf.internal.wire_format', 'google.protobuf.internal.type_checkers', 'caffe2.python._import_c_extension', 'caffe2.python.extension_loader', 'caffe2.python.caffe2_pybind11_state_gpu', 'torch.utils.tensorboard._embedding', 'torch.utils.tensorboard._utils', 'torch.utils.tensorboard._onnx_graph', 'torch.utils.tensorboard._pytorch_graph', 'torch.utils.tensorboard._proto_graph', 'torch.utils.tensorboard.summary', 'util', 'matplotlib', 'matplotlib.cbook', 'matplotlib.cbook.deprecation', 'matplotlib.rcsetup', 'matplotlib.fontconfig_pattern', 'pyparsing', 'matplotlib.colors', 'matplotlib._color_data', 'cycler', 'matplotlib._version'] DEBUG:matplotlib:CACHEDIR=/informatik2/students/home/8user/.cache/matplotlib DEBUG:matplotlib.font_manager:Using fontManager instance from /informatik2/students/home/8user/.cache/matplotlib/fontlist-v300.json DEBUG:matplotlib.pyplot:Loaded backend pdf version unknown. INFO:minerl.env.malmo.instance.c62db3:Starting Minecraft process: ['/tmp/tmp2i3heo55/Minecraft/launchClient.sh', '-port', '9001', '-env', '-runDir', '/tmp/tmp2i3heo55/Minecraft/run'] INFO:minerl.env.malmo.instance.c62db3:Starting process watcher for process 15009 @ localhost:9001 DEBUG:minerl.env.malmo.instance.c62db3:This mapping 'snapshot_20161220' was designed for MC 1.11! Use at your own peril. DEBUG:minerl.env.malmo.instance.c62db3:################################################# DEBUG:minerl.env.malmo.instance.c62db3: ForgeGradle 2.2-SNAPSHOT-3966cea
DEBUG:minerl.env.malmo.instance.c62db3: https://github.com/MinecraftForge/ForgeGradle
DEBUG:minerl.env.malmo.instance.c62db3:################################################# DEBUG:minerl.env.malmo.instance.c62db3: Powered by MCP unknown
DEBUG:minerl.env.malmo.instance.c62db3: http://modcoderpack.com
DEBUG:minerl.env.malmo.instance.c62db3: by: Searge, ProfMobius, Fesh0r,
DEBUG:minerl.env.malmo.instance.c62db3: R4wk, ZeuX, IngisKahn, bspkrs
DEBUG:minerl.env.malmo.instance.c62db3:################################################# DEBUG:minerl.env.malmo.instance.c62db3:Found AccessTransformer: malmomod_at.cfg DEBUG:minerl.env.malmo.instance.c62db3::deobfCompileDummyTask DEBUG:minerl.env.malmo.instance.c62db3::deobfProvidedDummyTask DEBUG:minerl.env.malmo.instance.c62db3::getVersionJson DEBUG:minerl.env.malmo.instance.c62db3::extractUserdev DEBUG:minerl.env.malmo.instance.c62db3::downloadClient SKIPPED DEBUG:minerl.env.malmo.instance.c62db3::downloadServer SKIPPED DEBUG:minerl.env.malmo.instance.c62db3::splitServerJar SKIPPED DEBUG:minerl.env.malmo.instance.c62db3::mergeJars SKIPPED DEBUG:minerl.env.malmo.instance.c62db3::applyBinaryPatches SKIPPED DEBUG:minerl.env.malmo.instance.c62db3::extractDependencyATs SKIPPED DEBUG:minerl.env.malmo.instance.c62db3::extractMcpData SKIPPED DEBUG:minerl.env.malmo.instance.c62db3::extractMcpMappings SKIPPED DEBUG:minerl.env.malmo.instance.c62db3::genSrgs SKIPPED DEBUG:minerl.env.malmo.instance.c62db3::deobfMcMCP DEBUG:minerl.env.malmo.instance.c62db3:Applying SpecialSource... DEBUG:minerl.env.malmo.instance.c62db3:Applying Exceptor... DEBUG:minerl.env.malmo.instance.c62db3:Applying RuntimeInvisibleParameterAnnotations workaround... DEBUG:minerl.env.malmo.instance.c62db3::sourceApiJava DEBUG:minerl.env.malmo.instance.c62db3::compileApiJava UP-TO-DATE DEBUG:minerl.env.malmo.instance.c62db3::processApiResources UP-TO-DATE DEBUG:minerl.env.malmo.instance.c62db3::apiClasses UP-TO-DATE DEBUG:minerl.env.malmo.instance.c62db3::copyModToClient DEBUG:minerl.env.malmo.instance.c62db3::copyModToServer DEBUG:minerl.env.malmo.instance.c62db3::copySrg DEBUG:minerl.env.malmo.instance.c62db3::deleteSchemas DEBUG:minerl.env.malmo.instance.c62db3::copySchemas DEBUG:minerl.env.malmo.instance.c62db3::jaxb DEBUG:minerl.env.malmo.instance.c62db3::sourceMainJava DEBUG:minerl.env.malmo.instance.c62db3::compileJavawarning: [options] bootstrap class path not set in conjunction with -source 1.6 DEBUG:minerl.env.malmo.instance.c62db3:Note: SpongePowered MIXIN Annotation Processor Version=0.7.5 DEBUG:minerl.env.malmo.instance.c62db3:Note: ObfuscationServiceMCP supports type: "searge" DEBUG:minerl.env.malmo.instance.c62db3:Note: ObfuscationServiceMCP supports type: "notch" DEBUG:minerl.env.malmo.instance.c62db3:Note: Loading searge mappings from /informatik2/students/home/8user/.gradle/caches/minecraft/de/oceanlabs/mcp/mcp_snapshot/20161220/1.11.2/srgs/mcp-srg.srg DEBUG:minerl.env.malmo.instance.c62db3:Note: Loading notch mappings from /informatik2/students/home/8user/.gradle/caches/minecraft/de/oceanlabs/mcp/mcp_snapshot/20161220/1.11.2/srgs/mcp-notch.srg DEBUG:minerl.env.malmo.instance.c62db3:Note: Writing refmap to /tmp/tmp2i3heo55/Minecraft/build/tmp/compileJava/compileJava-refmap.json DEBUG:minerl.env.malmo.instance.c62db3:Note: Writing refmap to /tmp/tmp2i3heo55/Minecraft/build/tmp/compileJava/compileJava-refmap.json DEBUG:minerl.env.malmo.instance.c62db3:Note: Writing searge output SRGs to /tmp/tmp2i3heo55/Minecraft/build/tmp/compileJava/mcp-srg.srg DEBUG:minerl.env.malmo.instance.c62db3:Note: Writing notch output SRGs to /tmp/tmp2i3heo55/Minecraft/build/tmp/compileJava/mcp-notch.srg DEBUG:minerl.env.malmo.instance.c62db3:Note: Writing refmap to /tmp/tmp2i3heo55/Minecraft/build/tmp/compileJava/compileJava-refmap.json DEBUG:minerl.env.malmo.instance.c62db3:Note: Writing refmap to /tmp/tmp2i3heo55/Minecraft/build/tmp/compileJava/compileJava-refmap.json DEBUG:minerl.env.malmo.instance.c62db3:Note: Writing searge output SRGs to /tmp/tmp2i3heo55/Minecraft/build/tmp/compileJava/mcp-srg.srg DEBUG:minerl.env.malmo.instance.c62db3:Note: Writing notch output SRGs to /tmp/tmp2i3heo55/Minecraft/build/tmp/compileJava/mcp-notch.srg DEBUG:minerl.env.malmo.instance.c62db3:Note: Some input files use or override a deprecated API. DEBUG:minerl.env.malmo.instance.c62db3:Note: Recompile with -Xlint:deprecation for details. DEBUG:minerl.env.malmo.instance.c62db3:Note: Some input files use unchecked or unsafe operations. DEBUG:minerl.env.malmo.instance.c62db3:Note: Recompile with -Xlint:unchecked for details. DEBUG:minerl.env.malmo.instance.c62db3: DEBUG:minerl.env.malmo.instance.c62db3::processResources DEBUG:minerl.env.malmo.instance.c62db3::classes DEBUG:minerl.env.malmo.instance.c62db3::jar DEBUG:minerl.env.malmo.instance.c62db3::extractNatives SKIPPED DEBUG:minerl.env.malmo.instance.c62db3::getAssetIndex UP-TO-DATE DEBUG:minerl.env.malmo.instance.c62db3::getAssets DEBUG:minerl.env.malmo.instance.c62db3:Current status: 256/1196 21% DEBUG:minerl.env.malmo.instance.c62db3:Current status: 517/1196 43% DEBUG:minerl.env.malmo.instance.c62db3:Current status: 832/1196 69% DEBUG:minerl.env.malmo.instance.c62db3:Current status: 1122/1196 93% DEBUG:minerl.env.malmo.instance.c62db3::makeStart SKIPPED DEBUG:minerl.env.malmo.instance.c62db3::runClient DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Extra: [] DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Found and added coremod: com.microsoft.Malmo.OverclockingPlugin DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Running with arguments: [--userProperties, {}, --assetsDir, /informatik2/students/home/8user/.gradle/caches/minecraft/assets, --assetIndex, 1.11, --accessToken{REDACTED}, --version, 1.11.2, --tweakClass, net.minecraftforge.fml.common.launcher.FMLTweaker, --tweakClass, net.minecraftforge.gradle.tweakers.CoremodTweaker] DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Loading tweak class name net.minecraftforge.fml.common.launcher.FMLTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Using primary tweak class name net.minecraftforge.fml.common.launcher.FMLTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Loading tweak class name net.minecraftforge.gradle.tweakers.CoremodTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Calling tweak class net.minecraftforge.fml.common.launcher.FMLTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Forge Mod Loader version 13.20.0.2228 for Minecraft 1.11.2 loading DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Java is OpenJDK 64-Bit Server VM, version 1.8.0_222, running on Linux:amd64:5.0.0-27-generic, installed at /usr/lib/jvm/java-8-openjdk-amd64/jre DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Managed to load a deobfuscated Minecraft name- we are in a deobfuscated environment. Skipping runtime deobfuscation DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Found a command line coremod : com.microsoft.Malmo.OverclockingPlugin DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/WARN]: The coremod com.microsoft.Malmo.OverclockingPlugin does not have a MCVersion annotation, it may cause issues with this version of Minecraft DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: SpongePowered MIXIN Subsystem Version=0.7.5 Source=file:/informatik2/students/home/8user/.gradle/caches/modules-2/files-2.1/org.spongepowered/mixin/0.7.5-SNAPSHOT/c989878008c2c5ff1a7c6491c4103d8faa221d19/mixin-0.7.5-SNAPSHOT.jar Service=LaunchWrapper Env=CLIENT DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Compatibility level set to JAVA_8 DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Calling tweak class net.minecraftforge.gradle.tweakers.CoremodTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Injecting location in coremod net.minecraftforge.fml.relauncher.FMLCorePlugin DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Injecting location in coremod net.minecraftforge.classloading.FMLForgePlugin DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Injecting location in coremod com.microsoft.Malmo.OverclockingPlugin DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Loading tweak class name net.minecraftforge.fml.common.launcher.FMLInjectionAndSortingTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Loading tweak class name org.spongepowered.asm.mixin.EnvironmentStateTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Loading tweak class name net.minecraftforge.fml.common.launcher.FMLDeobfTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Loading tweak class name net.minecraftforge.gradle.tweakers.AccessTransformerTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Calling tweak class net.minecraftforge.fml.common.launcher.FMLInjectionAndSortingTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Calling tweak class net.minecraftforge.fml.common.launcher.FMLInjectionAndSortingTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/INFO]: Calling tweak class net.minecraftforge.fml.relauncher.CoreModManager$FMLPluginWrapper DEBUG:minerl.env.malmo.instance.c62db3:[20:49:20] [main/ERROR]: The binary patch set is missing. Either you are in a development environment, or things are not going to work! DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/ERROR]: FML appears to be missing any signature data. This is not a good thing DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: Calling tweak class net.minecraftforge.fml.relauncher.CoreModManager$FMLPluginWrapper DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: Calling tweak class net.minecraftforge.fml.relauncher.CoreModManager$FMLPluginWrapper DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: Calling tweak class org.spongepowered.asm.mixin.EnvironmentStateTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: Initialised Mixin FML Remapper Adapter with net.minecraftforge.fml.common.asm.transformers.deobf.FMLDeobfuscatingRemapper@1f2d2181 DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: Calling tweak class net.minecraftforge.fml.common.launcher.FMLDeobfTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: Calling tweak class net.minecraftforge.gradle.tweakers.AccessTransformerTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: Loading tweak class name net.minecraftforge.fml.common.launcher.TerminalTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: Calling tweak class net.minecraftforge.fml.common.launcher.TerminalTweaker DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/WARN]: Reference map 'mixins.replaymod.refmap.json' for mixins.overclocking.malmomod.json could not be read. If this is a development environment you can ignore this message DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: [com.microsoft.Malmo.OverclockingClassTransformer:transform:58]: MALMO: Attempting to transform MinecraftServer DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: [com.microsoft.Malmo.OverclockingClassTransformer:overclockRenderer:129]: MALMO: Found Minecraft, attempting to transform it DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: [com.microsoft.Malmo.OverclockingClassTransformer:overclockRenderer:135]: MALMO: Found Minecraft.runGameLoop() method, attempting to transform it DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: [com.microsoft.Malmo.OverclockingClassTransformer:overclockRenderer:150]: MALMO: Hooked into call to Minecraft.updateDisplay() DEBUG:minerl.env.malmo.instance.c62db3:[20:49:21] [main/INFO]: A re-entrant transformer '$wrapper.com.microsoft.Malmo.OverclockingClassTransformer' was detected and will no longer process meta class data DEBUG:minerl.env.malmo.instance.c62db3:[20:49:22] [main/INFO]: Launching wrapped minecraft {net.minecraft.client.main.Main} DEBUG:minerl.env.malmo.instance.c62db3:[20:49:22] [main/INFO]: [com.microsoft.Malmo.OverclockingClassTransformer:transform:58]: MALMO: Attempting to transform MinecraftServer DEBUG:minerl.env.malmo.instance.c62db3:[20:49:22] [main/INFO]: [com.microsoft.Malmo.OverclockingClassTransformer:overclockRenderer:129]: MALMO: Found Minecraft, attempting to transform it DEBUG:minerl.env.malmo.instance.c62db3:[20:49:22] [main/INFO]: [com.microsoft.Malmo.OverclockingClassTransformer:overclockRenderer:135]: MALMO: Found Minecraft.runGameLoop() method, attempting to transform it DEBUG:minerl.env.malmo.instance.c62db3:[20:49:22] [main/INFO]: [com.microsoft.Malmo.OverclockingClassTransformer:overclockRenderer:150]: MALMO: Hooked into call to Minecraft.updateDisplay() DEBUG:minerl.env.malmo.instance.c62db3:[20:49:22] [main/INFO]: [com.microsoft.Malmo.OverclockingClassTransformer:transform:42]: Transformed Name: net.minecraft.client.entity.EntityPlayerSP DEBUG:minerl.env.malmo.instance.c62db3:[20:49:22] [main/INFO]: [com.microsoft.Malmo.OverclockingClassTransformer:transform:42]: Transformed Name: net.minecraft.client.entity.AbstractClientPlayer DEBUG:minerl.env.malmo.instance.c62db3:[20:49:22] [Client thread/INFO]: Setting user: Player740 DEBUG:minerl.env.malmo.instance.c62db3:[20:49:25] [Client thread/WARN]: Skipping bad option: lastServer: DEBUG:minerl.env.malmo.instance.c62db3:[20:49:25] [Client thread/INFO]: LWJGL Version: 2.9.4 DEBUG:minerl.env.malmo.instance.c62db3:[20:49:25] [Client thread/INFO]: [STDOUT]: MALMO: Attempting to transform MinecraftServer DEBUG:minerl.env.malmo.instance.c62db3:[20:49:25] [Client thread/INFO]: [STDOUT]: MALMO: Found GlStateManager, attempting to transform it DEBUG:minerl.env.malmo.instance.c62db3:[20:49:25] [Client thread/INFO]: [STDOUT]: MALMO: Found GlStateManager.bindTexture() method, attempting to transform it DEBUG:minerl.env.malmo.instance.c62db3:[20:49:25] [Client thread/INFO]: [STDOUT]: MALMO: Hooked into call to GlStateManager.bindTexture() DEBUG:minerl.env.malmo.instance.c62db3:[20:49:25] [Client thread/INFO]: [net.minecraft.init.Bootstrap:printToSYSOUT:523]: ---- Minecraft Crash Report ---- DEBUG:minerl.env.malmo.instance.c62db3:// Hi. I'm Minecraft, and I'm a crashaholic. DEBUG:minerl.env.malmo.instance.c62db3: DEBUG:minerl.env.malmo.instance.c62db3:Time: 9/6/19 8:49 PM DEBUG:minerl.env.malmo.instance.c62db3:Description: Initializing game DEBUG:minerl.env.malmo.instance.c62db3: DEBUG:minerl.env.malmo.instance.c62db3:java.lang.ExceptionInInitializerError DEBUG:minerl.env.malmo.instance.c62db3: at net.minecraft.client.Minecraft.setWindowIcon(Minecraft.java:629) DEBUG:minerl.env.malmo.instance.c62db3: at net.minecraft.client.Minecraft.init(Minecraft.java:429) DEBUG:minerl.env.malmo.instance.c62db3: at net.minecraft.client.Minecraft.run(Minecraft.java:352) DEBUG:minerl.env.malmo.instance.c62db3: at net.minecraft.client.main.Main.main(SourceFile:124) DEBUG:minerl.env.malmo.instance.c62db3: at sun.reflect.NativeMethodAccessorImpl.invoke0(Native Method) DEBUG:minerl.env.malmo.instance.c62db3: at sun.reflect.NativeMethodAccessorImpl.invoke(NativeMethodAccessorImpl.java:62) DEBUG:minerl.env.malmo.instance.c62db3: at sun.reflect.DelegatingMethodAccessorImpl.invoke(DelegatingMethodAccessorImpl.java:43) DEBUG:minerl.env.malmo.instance.c62db3: at java.lang.reflect.Method.invoke(Method.java:498) DEBUG:minerl.env.malmo.instance.c62db3: at net.minecraft.launchwrapper.Launch.launch(Launch.java:135) DEBUG:minerl.env.malmo.instance.c62db3: at net.minecraft.launchwrapper.Launch.main(Launch.java:28) DEBUG:minerl.env.malmo.instance.c62db3: at sun.reflect.NativeMethodAccessorImpl.invoke0(Native Method) DEBUG:minerl.env.malmo.instance.c62db3: at sun.reflect.NativeMethodAccessorImpl.invoke(NativeMethodAccessorImpl.java:62) DEBUG:minerl.env.malmo.instance.c62db3: at sun.reflect.DelegatingMethodAccessorImpl.invoke(DelegatingMethodAccessorImpl.java:43) DEBUG:minerl.env.malmo.instance.c62db3: at java.lang.reflect.Method.invoke(Method.java:498) DEBUG:minerl.env.malmo.instance.c62db3: at net.minecraftforge.gradle.GradleStartCommon.launch(GradleStartCommon.java:97) DEBUG:minerl.env.malmo.instance.c62db3: at GradleStart.main(GradleStart.java:26) DEBUG:minerl.env.malmo.instance.c62db3:Caused by: java.lang.RuntimeException: org.lwjgl.LWJGLException: No display mode extension is available Traceback (most recent call last): File "train.py", line 162, in trainer = Trainer(env, parameters, log=False, log_NNs=False, tb_comment=tensorboard_comment) File "/srv/home/8user/Deep-RL-Torch/trainer.py", line 31, in init self.env = gym.make(env_name) File "/informatik2/students/home/8user/.local/lib/python3.6/site-packages/gym/envs/registration.py", line 156, in make return registry.make(id, kwargs) File "/informatik2/students/home/8user/.local/lib/python3.6/site-packages/gym/envs/registration.py", line 101, in make env = spec.make(kwargs) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/gym/envs/registration.py", line 73, in make env = cls(**_kwargs) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/minerl/env/core.py", line 133, in init self.instance = self._get_new_instance(port) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/minerl/env/core.py", line 155, in _get_new_instance instance.launch() File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/minerl/env/malmo.py", line 466, in launch _check_for_launch_errors(line) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/minerl/env/malmo.py", line 753, in _check_for_launch_errors "ERROR! MineRL could not detect an X Server, Monitor, or Virtual Monitor! " RuntimeError: ERROR! MineRL could not detect an X Server, Monitor, or Virtual Monitor!

In order to run minerl environments WITHOUT A HEAD use a software renderer such as 'xvfb': xvfb-run python3 ! NOTE: xvfb conflicts with NVIDIA-drivers! ! To run headless MineRL on a system with NVIDIA-drivers, please start a ! vnc server of your choosing and then `export DISPLAY=:<insert ur vnc server #>

If you're receiving this error and there is a monitor attached, make sure your current displayvariable is set correctly: DISPLAY=:0 python3 ! NOTE: For this to work your account must be logged on the physical monitor.

If none of these steps work, please complain in the discord! If all else fails, JUST PUT THIS IN A DOCKER CONTAINER! :) ^CError in atexit._run_exitfuncs: Traceback (most recent call last): File "/usr/lib/python3.6/multiprocessing/popen_fork.py", line 28, in poll pid, sts = os.waitpid(self.pid, flag) KeyboardInterrupt`

NotNANtoN commented 5 years ago

Okay, I managed to partially resolve this issue. I just used another vncserver application: turbovnc. Using that it works to an extent. Now MineRL is actually able to render, which is nice. But unfortunately, while running multiple training processes, I sometimes get a direct "Segmentation fault (core dumped)", or other errors, see #177 The most common error is: File "/srv/home/user/Deep-RL-Torch/trainer.py", line 120, in _act next_state, reward, done, _ = env.step(action) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/gym/core.py", line 285, in step return self.env.step(self.action(action)) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/gym/core.py", line 261, in step observation, reward, done, info = self.env.step(action) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/gym/wrappers/time_limit.py", line 16, in step observation, reward, done, info = self.env.step(action) File "/informatik2/students/home/user/.local/lib/python3.6/site-packages/minerl/env/core.py", line 536, in step reward, done, sent = struct.unpack('!dbb', reply) TypeError: a bytes-like object is required, not 'NoneType'

These are logs from three concurrent runs:

layers_conv_vizdoom_winner_log.log log.log mc_1.log mc_2.log mc_3.log mc_4.log mc_5.log use_PER_0_log.log

Almph commented 4 years ago

I met the same problem on headless multi-GPU server as you. The log told me that was caused by malmo(https://github.com/Microsoft/malmo). So I tested malmo on the server and encountered the same problem, which is the XQuartz's window for Minecraft on my Mac just appeared for seconds then crashed. But malmo succeeded on my Mac locally. Then I tested minerl on my Mac. Successfully the window appeared and the world began to generate. But then the client crashed with error "Failed to reset (socket error), try again!"

For now I still not able to visualize the agent's actions.