Code Monkey home page Code Monkey logo

coopernaut's Introduction

Coopernaut

teaser

COOPERNAUT: End-to-End Driving with Cooperative Perception for Networked Vehicles
Jiaxun Cui*, Hang Qiu*, Dian Chen, Peter Stone, Yuke Zhu
CVPR 2022

Paper | Website | Bibtex | Dataset

Introduction

Optical sensors and learning algorithms for autonomous vehicles have dramatically advanced in the past few years. Nonetheless, the reliability of today's autonomous vehicles is hindered by the limited line-of-sight sensing capability and the brittleness of data-driven methods in handling extreme situations. With recent developments of telecommunication technologies, cooperative perception with vehicle-to-vehicle communications has become a promising paradigm to enhance autonomous driving in dangerous or emergency situations.

We introduce COOPERNAUT, an end-to-end learning model that uses cross-vehicle perception for vision-based cooperative driving. Our model encodes LiDAR information into compact point-based representations that can be transmitted as messages between vehicles via realistic wireless channels. To evaluate our model, we develop AutoCastSim, a network-augmented driving simulation framework with example accident-prone scenarios. Our experiments on AutoCastSim suggest that our cooperative perception driving models lead to a 40% improvement in average success rate over egocentric driving models in these challenging driving situations and a 5 times smaller bandwidth requirement than prior work V2VNet.

Installation

First, clone the Coopernaut repo with AutoCastSim submodule.

git clone --recursive [email protected]:UT-Austin-RPL/Coopernaut.git

We provide a quickstart installation script in scripts/install.sh. In the root folder of this repo, run

source scripts/install.sh #Requires CUDA11.0

or

source scripts/install-cu113.sh #Requires CUDA11.3

If you encounter errors or would like to follow individual steps, please refer to INSTALL.md for more details.

If the the installation of mosquitto failed and you have sudo priority, please try the following command

sudo apt-get install mosquitto libopenblas-dev

Quick Start

We provide a quick example to create evaluation trajectories of a trained Coopernaut model under the scenario 6:Overtaking, with two parallel threads(Make sure your GPU has a memory larger than 6GB, otherwise change the CARLA_WORKERS in the scripts/quick_run.sh to 1). You can check the saved trajectories under Coopernaut/result directory.

conda activate autocast
./scripts/quick_run.sh

Usage

Our scripts are separated based on models. For example, all data collection, DAgger, training and evaluation of Coopernaut codes are contained in the script run_cooperative_point_transformer.sh.

bash run_cooperative_point_transformer.sh

To checkout a specific method, please replace the script with the method's corresponding pipeline script

Method Pipeline Script
No V2V Sharing bash run_point_no_fusion.sh
Early Fusion bash run_earlyfusion_point_transformer.sh
Voxel GNN bash run_v2v.sh
Coopernaut bash run_cooperative_point_transformer.sh

The below instructions apply to all scripts, and all the modification should be in the scripts.

First, in the scripts, specify the root path you wish to store behavior cloning data from: TrainValFolder, and the path to store DAgger data from: DATAFOLDER. By default they are

TrainValFolder=./data/AutoCast_${SCEN}
DATAFOLDER=./data/AutoCast_${SCEN}_Small

for each scene.

Data Collection

Download Dataset

Before training, you may download the behavior cloning data here, or collect your own data by running the scripts provided. In the first prompt, select data-train, data-val or data-expert and select the scene number:

Scene number Scene
6 Overtake
8 Left turn
10 Red light violation

Behavior cloning training

Run this after you have both training and validation data collected in the previous step. In the first prompt, select bc.

DAgger training

Specify the behavior cloning model checkpoint path trained in the previous stage CHECKPOINT, and then when running script, select dagger in the prompt.

Evaluation

Download Pretrained Models

Specify RUN= to be the path of your DAgger model path. Then, select eval as the prompt. Then get the metrics by running

python scripts/result_analysis.py --root ${PATH_TO_YOUR_OUTPUT_DIR}
python scripts/compare_trajectory.py --eval ${PATH_TO_YOUR_OUTPUT_DIR} --expert ${PATH_TO_EXPERT}

Citation

@inproceedings{cui2022coopernaut,
    title = {Coopernaut: End-to-End Driving with Cooperative Perception for Networked Vehicles},
    author = {Jiaxun Cui and Hang Qiu and Dian Chen and Peter Stone and Yuke Zhu},
    booktitle = {IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR)},
    year = {2022}
}

coopernaut's People

Contributors

cuijiaxun avatar hangqiu 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

Watchers

 avatar  avatar

coopernaut's Issues

expert error

tested with/without --emulate flag, both failed

Not able to clone

Hi I am not able to clone this repository here is the response which it's saying
[email protected]: Permission denied (publickey).
fatal: Could not read from remote repository.

Please make sure you have the correct access rights
and the repository exist

Lidar point cloud coordinate

Thanks for sharing the code. I have a question:

I am using open3d to visualize the lidar data. If doing the following transform of the lidar point cloud in point_transformer_loader.py, the point cloud data looks different from the generated video 0_0_hud_info.mp4 in the bird eye view that the car is driving,

lidar[:,2] = -lidar[:,2]
def pc_to_car_alignment(_pc):
        # Car alignment is a weird coordinate, upside down
        # Rest assured this is the right matrix, double checked
        alignment = np.array([[0, 1, 0],
                                [-1, 0, 0],
                                [0, 0, -1]])
        return np.matmul(_pc, alignment)
lidar = Utils.pc_to_car_alignment(lidar)

if i only do lidar[:,1] = -lidar[:,1], but not do pc_to_car_alignment, the view looks consistent as in the hud_info video.

romote linux server

How does this project run on a remote linux server?
My problems are as follows:
run cooperative point transformer.sh: line 54:./scripts/launch carla.sh: Permission denied

import error

during bc training; In coopernaut we might need some functions from AutoCastSim, but some import errors happen
bash run_cooperative_point_transformer.sh - bc

Traceback (most recent call last):                                                                                                                                                                         
  File "/scratch/cluster/jxcui/anaconda3/envs/autocast/lib/python3.7/runpy.py", line 193, in _run_module_as_main                                                                                           
    "__main__", mod_spec)                                                                                                                                                                                  
  File "/scratch/cluster/jxcui/anaconda3/envs/autocast/lib/python3.7/runpy.py", line 85, in _run_code                                                                                                      
    exec(code, run_globals)                                                                                                                                                                                
  File "/scratch/cluster/jxcui/Documents/Coopernaut/training/train_point_transformer.py", line 12, in <module>                                                                                             
    from utils.point_transformer_loader import get_data_loader                                                                                                                                             
  File "/scratch/cluster/jxcui/Documents/Coopernaut/utils/point_transformer_loader.py", line 21, in <module>                                                                                               
    from AutoCastSim.AVR.PCProcess import LidarPreprocessor                                                                                                                                                
  File "/scratch/cluster/jxcui/Documents/Coopernaut/AutoCastSim/AVR/__init__.py", line 17, in <module>                                                                                                     
    from srunner.scenariomanager.carla_data_provider import CarlaActorPool, CarlaDataProvider                                                                                                              
ModuleNotFoundError: No module named 'srunner' 

pickle5.pickle.PicklingError: Could not pickle object as excessively deep recursion required.

I followed the installation procedure. It's okay to run scenario_runner.py. But the following error keeps happening when running python AutoCastSim/parallel_scenario_runner.py, do you know what's happening?

Traceback (most recent call last):
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/pythonapi.py", line 1378, in serialize_object
gv = self.module.__serialized[obj]
KeyError: (<class 'RuntimeError'>, ('numba jitted function aborted due to unresolved symbol',), None)

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "AutoCastSim/parallel_scenario_runner.py", line 11, in
from AVR.DataLogger import DataLogger
File "/home/ruiliu/research/caml/CollabDM/Coopernaut/AutoCastSim/AVR/init.py", line 26, in
class Utils:
File "/home/ruiliu/research/caml/CollabDM/Coopernaut/AutoCastSim/AVR/init.py", line 519, in Utils
@jit(nopython=True)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/decorators.py", line 210, in wrapper
**dispatcher_args)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/dispatcher.py", line 824, in init
self.targetctx = self.targetdescr.target_context
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/registry.py", line 47, in target_context
return self._toplevel_target_context
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/utils.py", line 430, in get
val = self.func(instance)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/registry.py", line 31, in _toplevel_target_context
return cpu.CPUContext(self.typing_context, self._target_name)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/cpu.py", line 40, in init
super().init(typingctx, target)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/base.py", line 257, in init
self.init()
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/compiler_lock.py", line 35, in _acquire_compile_lock
return func(*args, **kwargs)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/cpu.py", line 59, in init
rtsys.initialize(self)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/compiler_lock.py", line 35, in _acquire_compile_lock
return func(*args, **kwargs)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/runtime/nrt.py", line 41, in initialize
self._library = nrtdynmod.compile_nrt_functions(ctx)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/runtime/nrtdynmod.py", line 210, in compile_nrt_functions
ir_mod, library = create_nrt_module(ctx)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/runtime/nrtdynmod.py", line 200, in create_nrt_module
_define_nrt_unresolved_abort(ctx, ir_mod)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/runtime/nrtdynmod.py", line 177, in _define_nrt_unresolved_abort
ctx.call_conv.return_user_exc(builder, RuntimeError, (msg,))
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/callconv.py", line 404, in return_user_exc
loc=loc, func_name=func_name)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/callconv.py", line 396, in set_static_user_exc
struct_gv = pyapi.serialize_object(exc)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/pythonapi.py", line 1380, in serialize_object
struct = self.serialize_uncached(obj)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/pythonapi.py", line 1351, in serialize_uncached
data = serialize.dumps(obj)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/core/serialize.py", line 57, in dumps
p.dump(obj)
File "/home/ruiliu/.conda/envs/caml/lib/python3.7/site-packages/numba/cloudpickle/cloudpickle_fast.py", line 575, in dump
raise pickle.PicklingError(msg) from e
pickle5.pickle.PicklingError: Could not pickle object as excessively deep recursion required.

MinkowskiEngine Git Error: <File not found>

I used the detailed installation manual and when I reached the step;

pip install -U git+https://github.com/NVIDIA/MinkowskiEngine@f81ae66b33b883cd08ee4f64d08cf633608b118 -v --no-deps --install-option="--blas_include_dirs=${CONDA_PREFIX}/include" --install-option="--blas=openblas"

I got the error;

Collecting git+https://github.com/NVIDIA/MinkowskiEngine@f81ae66b33b883cd08ee4f64d08cf633608b118 Cloning https://github.com/NVIDIA/MinkowskiEngine (to revision f81ae66b33b883cd08ee4f64d08cf633608b118) to /tmp/pip-req-build-ei4fvef0 Running command git version git version 2.25.1 Running command git clone --filter=blob:none -q https://github.com/NVIDIA/MinkowskiEngine /tmp/pip-req-build-ei4fvef0 Running command git show-ref f81ae66b33b883cd08ee4f64d08cf633608b118 WARNING: Did not find branch or tag 'f81ae66b33b883cd08ee4f64d08cf633608b118', assuming revision or ref. Running command git rev-parse HEAD 405b39cb7e68c2ec1b4ac8c4b4ca9fa6fcfcb2fc Running command git checkout -q f81ae66b33b883cd08ee4f64d08cf633608b118 error: pathspec 'f81ae66b33b883cd08ee4f64d08cf633608b118' did not match any file(s) known to git WARNING: Discarding git+https://github.com/NVIDIA/MinkowskiEngine@f81ae66b33b883cd08ee4f64d08cf633608b118. Command errored out with exit status 1: git checkout -q f81ae66b33b883cd08ee4f64d08cf633608b118 Check the logs for full command output. ERROR: Command errored out with exit status 1: git checkout -q f81ae66b33b883cd08ee4f64d08cf633608b118 Check the logs for full command output.
I checked the link and the commit does not seem to exist anymore
Please any help would be appreciated

Errors when running ./scripts/quick_run.sh

Hi,

I was trying to run ./scripts/quick_run.sh but I got several error messages.
After the code finishes running, the result folder only contains subfolders like result/SCENARIO_ID/BirdeyeViewDebug/ without actual output files inside. I wonder what could be the problem?
Thanks!

The followings are the error messages:
Mqtt port 4909
[20. 6. 40. 57.5 0. ]
Traffic Port 3149
Mqtt port 4910
[20. 6. 40. 60. 0.]
sh: 1: fuser: not found
sh: 1: fuser: not found
sh: 1: fuser: not found
...
sh: 1: fuser: not found
sh: 1: fuser: not found
sh: 1: fuser: not found
0 27
1 27
(pid=27522) pygame 2.1.2 (SDL 2.0.16, Python 3.7.12)
(pid=27522) Hello from the pygame community. https://www.pygame.org/contribute.html
(pid=27548) pygame 2.1.2 (SDL 2.0.16, Python 3.7.12)
(pid=27548) Hello from the pygame community. https://www.pygame.org/contribute.html
(pid=27522) /opt/conda/envs/autocast/lib/python3.7/site-packages/MinkowskiEngine-0.5.4-py3.7-linux-x86_64.egg/MinkowskiEngine/init.py:225: UserWarning: The MinkowskiEngine was compiled with CPU_ONLY flag. If you want to compile with CUDA support, make sure torch.cuda.is_available() is True when you install MinkowskiEngine.
(pid=27522) "If you want to compile with CUDA support, make sure torch.cuda.is_available() is True when you install MinkowskiEngine.",
(WorkerScenarioRunner pid=27522) Collider is NOT sharing
(WorkerScenarioRunner pid=27522) TraceID 0, Ego spd 20.0,dist 6.0, collider spd 30.0, dist 40.0, accel 0.0
(WorkerScenarioRunner pid=27522) &&&&&&&&&&&&&&&&&&&&Initialization
(WorkerScenarioRunner pid=27522) Util.mqtt_port: 4884
(WorkerScenarioRunner pid=27522) Traffic manager port 3123
(pid=27548) /opt/conda/envs/autocast/lib/python3.7/site-packages/MinkowskiEngine-0.5.4-py3.7-linux-x86_64.egg/MinkowskiEngine/init.py:225: UserWarning: The MinkowskiEngine was compiled with CPU_ONLY flag. If you want to compile with CUDA support, make sure torch.cuda.is_available() is True when you install MinkowskiEngine.
(pid=27548) "If you want to compile with CUDA support, make sure torch.cuda.is_available() is True when you install MinkowskiEngine.",
(WorkerScenarioRunner pid=27548) Collider is NOT sharing
(WorkerScenarioRunner pid=27548) TraceID 1, Ego spd 20.0,dist 6.0, collider spd 30.0, dist 42.5, accel 0.0
(WorkerScenarioRunner pid=27548) &&&&&&&&&&&&&&&&&&&&Initialization
(WorkerScenarioRunner pid=27548) Util.mqtt_port: 4885
(WorkerScenarioRunner pid=27548) Traffic manager port 3124
(WorkerScenarioRunner pid=27522)
(WorkerScenarioRunner pid=27522) --------------------------------------------------------------------------------
(WorkerScenarioRunner pid=27522)
(WorkerScenarioRunner pid=27522) Using the Open3D PyTorch ops with CUDA 11 may have stability issues!
(WorkerScenarioRunner pid=27522)
(WorkerScenarioRunner pid=27522) We recommend to compile PyTorch from source with compile flags
(WorkerScenarioRunner pid=27522) '-Xcompiler -fno-gnu-unique'
(WorkerScenarioRunner pid=27522)
(WorkerScenarioRunner pid=27522) or use the PyTorch wheels at
(WorkerScenarioRunner pid=27522) https://github.com/intel-isl/open3d_downloads/releases/tag/torch1.7.1
(WorkerScenarioRunner pid=27522)
(WorkerScenarioRunner pid=27522)
(WorkerScenarioRunner pid=27522) Ignore this message if PyTorch has been compiled with the aforementioned
(WorkerScenarioRunner pid=27522) flags.
(WorkerScenarioRunner pid=27522)
(WorkerScenarioRunner pid=27522) See isl-org/Open3D#3324 and
(WorkerScenarioRunner pid=27522) pytorch/pytorch#52663 for more information on this
(WorkerScenarioRunner pid=27522) problem.
(WorkerScenarioRunner pid=27522)
(WorkerScenarioRunner pid=27522) --------------------------------------------------------------------------------
(WorkerScenarioRunner pid=27522)
(WorkerScenarioRunner pid=27548)
(WorkerScenarioRunner pid=27548) --------------------------------------------------------------------------------
(WorkerScenarioRunner pid=27548)
(WorkerScenarioRunner pid=27548) Using the Open3D PyTorch ops with CUDA 11 may have stability issues!
(WorkerScenarioRunner pid=27548)
(WorkerScenarioRunner pid=27548) We recommend to compile PyTorch from source with compile flags
(WorkerScenarioRunner pid=27548) '-Xcompiler -fno-gnu-unique'
(WorkerScenarioRunner pid=27548)
(WorkerScenarioRunner pid=27548) or use the PyTorch wheels at
(WorkerScenarioRunner pid=27548) https://github.com/intel-isl/open3d_downloads/releases/tag/torch1.7.1
(WorkerScenarioRunner pid=27548)
(WorkerScenarioRunner pid=27548)
(WorkerScenarioRunner pid=27548) Ignore this message if PyTorch has been compiled with the aforementioned
(WorkerScenarioRunner pid=27548) flags.
(WorkerScenarioRunner pid=27548)
(WorkerScenarioRunner pid=27548) See isl-org/Open3D#3324 and
(WorkerScenarioRunner pid=27548) pytorch/pytorch#52663 for more information on this
(WorkerScenarioRunner pid=27548) problem.
(WorkerScenarioRunner pid=27548)
(WorkerScenarioRunner pid=27548) --------------------------------------------------------------------------------
(WorkerScenarioRunner pid=27548)
(WorkerScenarioRunner pid=27522) ALSA lib confmisc.c:767:(parse_card) cannot find card '0'
(WorkerScenarioRunner pid=27522) ALSA lib conf.c:4568:(_snd_config_evaluate) function snd_func_card_driver returned error: No such file or directory
(WorkerScenarioRunner pid=27522) ALSA lib confmisc.c:392:(snd_func_concat) error evaluating strings
(WorkerScenarioRunner pid=27522) ALSA lib conf.c:4568:(_snd_config_evaluate) function snd_func_concat returned error: No such file or directory
(WorkerScenarioRunner pid=27522) ALSA lib confmisc.c:1246:(snd_func_refer) error evaluating name
(WorkerScenarioRunner pid=27522) ALSA lib conf.c:4568:(_snd_config_evaluate) function snd_func_refer returned error: No such file or directory
(WorkerScenarioRunner pid=27522) ALSA lib conf.c:5047:(snd_config_expand) Evaluate error: No such file or directory
(WorkerScenarioRunner pid=27522) ALSA lib pcm.c:2565:(snd_pcm_open_noupdate) Unknown PCM default
(WorkerScenarioRunner pid=27522) Finished initializing scenario manager
(WorkerScenarioRunner pid=27548) ALSA lib confmisc.c:767:(parse_card) cannot find card '0'
(WorkerScenarioRunner pid=27548) ALSA lib conf.c:4568:(_snd_config_evaluate) function snd_func_card_driver returned error: No such file or directory
(WorkerScenarioRunner pid=27548) ALSA lib confmisc.c:392:(snd_func_concat) error evaluating strings
(WorkerScenarioRunner pid=27548) ALSA lib conf.c:4568:(_snd_config_evaluate) function snd_func_concat returned error: No such file or directory
(WorkerScenarioRunner pid=27548) ALSA lib confmisc.c:1246:(snd_func_refer) error evaluating name
(WorkerScenarioRunner pid=27548) ALSA lib conf.c:4568:(_snd_config_evaluate) function snd_func_refer returned error: No such file or directory
(WorkerScenarioRunner pid=27548) ALSA lib conf.c:5047:(snd_config_expand) Evaluate error: No such file or directory
(WorkerScenarioRunner pid=27548) ALSA lib pcm.c:2565:(snd_pcm_open_noupdate) Unknown PCM default
(WorkerScenarioRunner pid=27522) Util.mqtt_port: 4884
(WorkerScenarioRunner pid=27522) Binding Mqtt... 4884
(WorkerScenarioRunner pid=27522) Background Traffic 30
(WorkerScenarioRunner pid=27522) ['AutoCastSim/srunner/data/routes_training_town01_autocast6.xml', 'AutoCastSim/srunner/data/towns01_traffic_scenarios_autocast6.json']
(WorkerScenarioRunner pid=27522) sh: 1: mosquitto: not found
(WorkerScenarioRunner pid=27548) Finished initializing scenario manager
(WorkerScenarioRunner pid=27548) Util.mqtt_port: 4885
(WorkerScenarioRunner pid=27548) Binding Mqtt... 4885
(WorkerScenarioRunner pid=27548) Background Traffic 30
(WorkerScenarioRunner pid=27548) ['AutoCastSim/srunner/data/routes_training_town01_autocast6.xml', 'AutoCastSim/srunner/data/towns01_traffic_scenarios_autocast6.json']
(WorkerScenarioRunner pid=27548) sh: 1: mosquitto: not found
(WorkerScenarioRunner pid=27522) process control seed: 8512
(WorkerScenarioRunner pid=27522) Setting traffic manager seed: 4291
(WorkerScenarioRunner pid=27522) Finished HUD world setting
(WorkerScenarioRunner pid=27522) Loading Point Transformer models
(WorkerScenarioRunner pid=27522) Loading Checkpoint model-105.th
(WorkerScenarioRunner pid=27522) Using Device: cuda
(WorkerScenarioRunner pid=27522) Using Cooperative Point Transformer
(WorkerScenarioRunner pid=27548) process control seed: 8779
(WorkerScenarioRunner pid=27548) Setting traffic manager seed: 531
(WorkerScenarioRunner pid=27548) Finished HUD world setting
(WorkerScenarioRunner pid=27548) Loading Point Transformer models
(WorkerScenarioRunner pid=27548) Loading Checkpoint model-105.th
(WorkerScenarioRunner pid=27548) Using Device: cuda
(WorkerScenarioRunner pid=27548) Using Cooperative Point Transformer
(WorkerScenarioRunner pid=27522) Loading model and initializing ckpts/model-105.th
(WorkerScenarioRunner pid=27522) Preparing scenario: RouteScenario_0
(WorkerScenarioRunner pid=27522) scenario MasterScenario added
(WorkerScenarioRunner pid=27522) Creating scenario 6 behavior
(WorkerScenarioRunner pid=27522) Finished scenario 6 behavior
(WorkerScenarioRunner pid=27522) scenario ManeuverOppositeDirection added
(WorkerScenarioRunner pid=27522) scenario Parallel added
(WorkerScenarioRunner pid=27522) registering sensor 259_RGB
(WorkerScenarioRunner pid=27522) finished registering sensor 259_RGB
(WorkerScenarioRunner pid=27522) registering sensor 259_LIDAR
(WorkerScenarioRunner pid=27522) finished registering sensor 259_LIDAR
(WorkerScenarioRunner pid=27522) [Errno 111] Connection refused
(WorkerScenarioRunner pid=27522) Traceback (most recent call last):
(WorkerScenarioRunner pid=27522) File "/home/eddy/Research/Coopernaut/AutoCastSim/scenario_runner.py", line 464, in _load_and_run_scenario
(WorkerScenarioRunner pid=27522) self.manager.load_scenario(scenario, self.agent_instance)
(WorkerScenarioRunner pid=27522) File "/home/eddy/Research/Coopernaut/AutoCastSim/srunner/scenariomanager/scenario_manager.py", line 216, in load_scenario
(WorkerScenarioRunner pid=27522) self._agent.setup_collaborator(self.ego_vehicles[0], self.sharing_session)
(WorkerScenarioRunner pid=27522) File "/home/eddy/Research/Coopernaut/AutoCastSim/srunner/autoagents/agent_wrapper.py", line 150, in setup_collaborator
(WorkerScenarioRunner pid=27522) self.collaborator_dict[vehicle.id] = Collaborator(vehicle, self.agent, self, sharing)
(WorkerScenarioRunner pid=27522) File "/home/eddy/Research/Coopernaut/AutoCastSim/AVR/Collaborator.py", line 86, in init
(WorkerScenarioRunner pid=27522) self.ControlChannel = Comm.Comm(self, Comm.beacon_topic)
(WorkerScenarioRunner pid=27522) File "/home/eddy/Research/Coopernaut/AutoCastSim/AVR/Comm.py", line 160, in init
(WorkerScenarioRunner pid=27522) self.client.connect(broker, port=Utils.mqtt_port)
(WorkerScenarioRunner pid=27522) File "/opt/conda/envs/autocast/lib/python3.7/site-packages/paho/mqtt/client.py", line 914, in connect
(WorkerScenarioRunner pid=27522) return self.reconnect()
(WorkerScenarioRunner pid=27522) File "/opt/conda/envs/autocast/lib/python3.7/site-packages/paho/mqtt/client.py", line 1044, in reconnect
(WorkerScenarioRunner pid=27522) sock = self.create_socket_connection()
(WorkerScenarioRunner pid=27522) File "/opt/conda/envs/autocast/lib/python3.7/site-packages/paho/mqtt/client.py", line 3685, in create_socket_connection
(WorkerScenarioRunner pid=27522) return socket.create_connection(addr, timeout=self.connect_timeout, source_address=source)
(WorkerScenarioRunner pid=27522) File "/opt/conda/envs/autocast/lib/python3.7/socket.py", line 728, in create_connection
(WorkerScenarioRunner pid=27522) raise err
(WorkerScenarioRunner pid=27522) File "/opt/conda/envs/autocast/lib/python3.7/socket.py", line 716, in create_connection
(WorkerScenarioRunner pid=27522) sock.connect(sa)
(WorkerScenarioRunner pid=27522) ConnectionRefusedError: [Errno 111] Connection refused
(WorkerScenarioRunner pid=27522) Compiling Video for ./result//0/BirdeyeViewDebug///0_hud_info
*.jpg
(WorkerScenarioRunner pid=27522) Compiling Video for ./result//0/BirdeyeViewDebug///1_PC
*.jpg
(WorkerScenarioRunner pid=27522) Compiling Video for ./result//0/BirdeyeViewDebug///2_RGB
.jpg
(WorkerScenarioRunner pid=27522) No more scenarios .... Exiting
(WorkerScenarioRunner pid=27548) Loading model and initializing ckpts/model-105.th
(WorkerScenarioRunner pid=27548) Preparing scenario: RouteScenario_0
(WorkerScenarioRunner pid=27548) scenario MasterScenario added
(WorkerScenarioRunner pid=27548) Creating scenario 6 behavior
(WorkerScenarioRunner pid=27548) Finished scenario 6 behavior
(WorkerScenarioRunner pid=27548) scenario ManeuverOppositeDirection added
(WorkerScenarioRunner pid=27548) scenario Parallel added
(WorkerScenarioRunner pid=27548) registering sensor 259_RGB
(WorkerScenarioRunner pid=27548) finished registering sensor 259_RGB
(WorkerScenarioRunner pid=27548) registering sensor 259_LIDAR
(WorkerScenarioRunner pid=27548) finished registering sensor 259_LIDAR
(WorkerScenarioRunner pid=27548) [Errno 111] Connection refused
(WorkerScenarioRunner pid=27548) Traceback (most recent call last):
(WorkerScenarioRunner pid=27548) File "/home/eddy/Research/Coopernaut/AutoCastSim/scenario_runner.py", line 464, in _load_and_run_scenario
(WorkerScenarioRunner pid=27548) self.manager.load_scenario(scenario, self.agent_instance)
(WorkerScenarioRunner pid=27548) File "/home/eddy/Research/Coopernaut/AutoCastSim/srunner/scenariomanager/scenario_manager.py", line 216, in load_scenario
(WorkerScenarioRunner pid=27548) self._agent.setup_collaborator(self.ego_vehicles[0], self.sharing_session)
(WorkerScenarioRunner pid=27548) File "/home/eddy/Research/Coopernaut/AutoCastSim/srunner/autoagents/agent_wrapper.py", line 150, in setup_collaborator
(WorkerScenarioRunner pid=27548) self._collaborator_dict[vehicle.id] = Collaborator(vehicle, self._agent, self, sharing)
(WorkerScenarioRunner pid=27548) File "/home/eddy/Research/Coopernaut/AutoCastSim/AVR/Collaborator.py", line 86, in init
(WorkerScenarioRunner pid=27548) self.ControlChannel = Comm.Comm(self, Comm.beacon_topic)
(WorkerScenarioRunner pid=27548) File "/home/eddy/Research/Coopernaut/AutoCastSim/AVR/Comm.py", line 160, in init
(WorkerScenarioRunner pid=27548) self.client.connect(broker, port=Utils.mqtt_port)
(WorkerScenarioRunner pid=27548) File "/opt/conda/envs/autocast/lib/python3.7/site-packages/paho/mqtt/client.py", line 914, in connect
(WorkerScenarioRunner pid=27548) return self.reconnect()
(WorkerScenarioRunner pid=27548) File "/opt/conda/envs/autocast/lib/python3.7/site-packages/paho/mqtt/client.py", line 1044, in reconnect
(WorkerScenarioRunner pid=27548) sock = self._create_socket_connection()
(WorkerScenarioRunner pid=27548) File "/opt/conda/envs/autocast/lib/python3.7/site-packages/paho/mqtt/client.py", line 3685, in _create_socket_connection
(WorkerScenarioRunner pid=27548) return socket.create_connection(addr, timeout=self.connect_timeout, source_address=source)
(WorkerScenarioRunner pid=27548) File "/opt/conda/envs/autocast/lib/python3.7/socket.py", line 728, in create_connection
(WorkerScenarioRunner pid=27548) raise err
(WorkerScenarioRunner pid=27548) File "/opt/conda/envs/autocast/lib/python3.7/socket.py", line 716, in create_connection
(WorkerScenarioRunner pid=27548) sock.connect(sa)
(WorkerScenarioRunner pid=27548) ConnectionRefusedError: [Errno 111] Connection refused
(WorkerScenarioRunner pid=27548) Compiling Video for ./result//1/BirdeyeViewDebug///0_hud_info
.jpg
(WorkerScenarioRunner pid=27548) Compiling Video for ./result//1/BirdeyeViewDebug///1_PC
*.jpg
(WorkerScenarioRunner pid=27548) Compiling Video for ./result//1/BirdeyeViewDebug///2_RGB
*.jpg
(WorkerScenarioRunner pid=27548) No more scenarios .... Exiting
sh: 1: fuser: not found
sh: 1: fuser: not found
sh: 1: fuser: not found
sh: 1: fuser: not found
...
sh: 1: fuser: not found
sh: 1: fuser: not found
sh: 1: fuser: not found
sh: 1: fuser: not found
Scenario Done! 2
2 27
(pid=27774) pygame 2.1.2 (SDL 2.0.16, Python 3.7.12)
(pid=27774) Hello from the pygame community. https://www.pygame.org/contribute.html
3 27
(pid=27774) /opt/conda/envs/autocast/lib/python3.7/site-packages/MinkowskiEngine-0.5.4-py3.7-linux-x86_64.egg/MinkowskiEngine/init.py:225: UserWarning: The MinkowskiEngine was compiled with CPU_ONLY flag. If you want to compile with CUDA support, make sure torch.cuda.is_available() is True when you install MinkowskiEngine.
(pid=27774) "If you want to compile with CUDA support, make sure torch.cuda.is_available() is True when you install MinkowskiEngine.",
(pid=27814) pygame 2.1.2 (SDL 2.0.16, Python 3.7.12)
(pid=27814) Hello from the pygame community. https://www.pygame.org/contribute.html
(WorkerScenarioRunner pid=27774) Collider is NOT sharing
(WorkerScenarioRunner pid=27774) TraceID 2, Ego spd 20.0,dist 6.0, collider spd 30.0, dist 45.0, accel 0.0
(WorkerScenarioRunner pid=27774) &&&&&&&&&&&&&&&&&&&&Initialization
(WorkerScenarioRunner pid=27774) Util.mqtt_port: 4886
(WorkerScenarioRunner pid=27774) Traffic manager port 3125
(WorkerScenarioRunner pid=27774)
(WorkerScenarioRunner pid=27774) --------------------------------------------------------------------------------
(WorkerScenarioRunner pid=27774)
(WorkerScenarioRunner pid=27774) Using the Open3D PyTorch ops with CUDA 11 may have stability issues!
(WorkerScenarioRunner pid=27774)
(WorkerScenarioRunner pid=27774) We recommend to compile PyTorch from source with compile flags
(WorkerScenarioRunner pid=27774) '-Xcompiler -fno-gnu-unique'
(WorkerScenarioRunner pid=27774)
(WorkerScenarioRunner pid=27774) or use the PyTorch wheels at
(WorkerScenarioRunner pid=27774) https://github.com/intel-isl/open3d_downloads/releases/tag/torch1.7.1
(WorkerScenarioRunner pid=27774)
(WorkerScenarioRunner pid=27774)
(WorkerScenarioRunner pid=27774) Ignore this message if PyTorch has been compiled with the aforementioned
(WorkerScenarioRunner pid=27774) flags.
(WorkerScenarioRunner pid=27774)
(WorkerScenarioRunner pid=27774) See isl-org/Open3D#3324 and
(WorkerScenarioRunner pid=27774) pytorch/pytorch#52663 for more information on this
(WorkerScenarioRunner pid=27774) problem.
(WorkerScenarioRunner pid=27774)
(WorkerScenarioRunner pid=27774) --------------------------------------------------------------------------------
(WorkerScenarioRunner pid=27774)
(WorkerScenarioRunner pid=27774) ALSA lib confmisc.c:767:(parse_card) cannot find card '0'

// repeat for each scenario

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.