Skip to content

Commit 858869f

Browse files
authored
Updated Dockerfile to support Python 3.8 and TF 2.5.1. (#220)
1 parent ada0adc commit 858869f

18 files changed

+61
-128
lines changed

README.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -39,7 +39,7 @@ Finally, start Pylot in the container:
3939

4040
```console
4141
nvidia-docker exec -i -t pylot /bin/bash
42-
cd workspace/pylot/
42+
cd ~/workspace/pylot/
4343
python3 pylot.py --flagfile=configs/detection.conf
4444
```
4545

configs/lincoln.conf

Lines changed: 3 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -5,13 +5,14 @@
55
--obstacle_detection
66
--nosimulator_obstacle_detection
77
--path_coco_labels=dependencies/models/coco.names
8-
--obstacle_detection_model_paths=coco_models/faster_rcnn_resnet101_coco_2018_01_28/frozen_inference_graph.pb
8+
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/efficientdet/efficientdet-d4/efficientdet-d4_frozen.pb
9+
--obstacle_detection_model_names=efficientdet-d4
910
--obstacle_detection_min_score_threshold=0.3
1011
--obstacle_detection_gpu_memory_fraction=0.3
1112
####### Traffic light detector config ######
1213
--traffic_light_detection
1314
--nosimulator_traffic_light_detection
14-
--traffic_light_det_model_path=dependencies/models/traffic_light_detection/graph_optimized.pb
15+
--traffic_light_det_model_path=dependencies/models/traffic_light_detection/faster-rcnn
1516
--traffic_light_det_gpu_memory_fraction=0.3
1617
--traffic_light_det_min_score_threshold=0.3
1718
###### Lane detection ######

configs/lincoln_frenet.conf

Lines changed: 3 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -5,13 +5,14 @@
55
--obstacle_detection
66
--nosimulator_obstacle_detection
77
--path_coco_labels=dependencies/models/coco.names
8-
--obstacle_detection_model_paths=coco_models/faster_rcnn_resnet101_coco_2018_01_28/frozen_inference_graph.pb
8+
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/efficientdet/efficientdet-d4/efficientdet-d4_frozen.pb
9+
--obstacle_detection_model_names=efficientdet-d4
910
--obstacle_detection_min_score_threshold=0.3
1011
--obstacle_detection_gpu_memory_fraction=0.3
1112
####### Traffic light detector config ######
1213
--traffic_light_detection
1314
--nosimulator_traffic_light_detection
14-
--traffic_light_det_model_path=dependencies/models/traffic_light_detection/graph_optimized.pb
15+
--traffic_light_det_model_path=dependencies/models/traffic_light_detection/faster-rcnn/
1516
--traffic_light_det_gpu_memory_fraction=0.3
1617
--traffic_light_det_min_score_threshold=0.3
1718
###### Lane detection ######

configs/scenarios/car_alley.conf

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -6,7 +6,7 @@
66
###### Perception config #####
77
--obstacle_detection
88
--nosimulator_obstacle_detection
9-
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/faster-rcnn/frozen_inference_graph.pb
9+
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/faster-rcnn/
1010
--obstacle_detection_model_names=faster-rcnn
1111
--obstacle_location_finder_sensor=depth_camera
1212
--perfect_traffic_light_detection

configs/scenarios/car_running_red_light.conf

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,7 @@
99
--obstacle_detection
1010
#--perfect_obstacle_detection
1111
--obstacle_detection_model_names=faster-rcnn
12-
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/faster-rcnn/frozen_inference_graph.pb
12+
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/faster-rcnn/
1313
--obstacle_location_finder_sensor=depth_camera
1414
#--perfect_traffic_light_detection
1515
--simulator_traffic_light_detection

configs/scenarios/opposite_vehicle_running_red_light_021.conf

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -4,7 +4,7 @@
44
###### Perception config #####
55
--obstacle_detection
66
--nosimulator_obstacle_detection
7-
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/faster-rcnn/frozen_inference_graph.pb
7+
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/faster-rcnn/
88
--obstacle_detection_model_names=faster-rcnn
99
--obstacle_location_finder_sensor=depth_camera
1010
--perfect_traffic_light_detection

configs/scenarios/person_avoidance.conf

Lines changed: 3 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -10,9 +10,9 @@
1010
--obstacle_detection
1111
--nosimulator_obstacle_detection
1212
#--perfect_obstacle_detection
13-
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/faster-rcnn/frozen_inference_graph.pb
14-
#--obstacle_detection_model_paths=dependencies/models/obstacle_detection/ssd-mobilenet-v1/frozen_inference_graph.pb
15-
#--obstacle_detection_model_paths=dependencies/models/obstacle_detection/ssd-mobilenet-v1-fpn/frozen_inference_graph.pb
13+
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/faster-rcnn/
14+
#--obstacle_detection_model_paths=dependencies/models/obstacle_detection/ssd-mobilenet-v1/
15+
#--obstacle_detection_model_paths=dependencies/models/obstacle_detection/ssd-mobilenet-v1-fpn/
1616
--obstacle_detection_model_names=faster-rcnn
1717
--obstacle_location_finder_sensor=depth_camera
1818
--perfect_traffic_light_detection

configs/scenarios/person_avoidance_waypoint.conf

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -11,7 +11,7 @@
1111
--obstacle_detection
1212
#--perfect_obstacle_detection
1313
--obstacle_detection_model_names=faster-rcnn
14-
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/faster-rcnn/frozen_inference_graph.pb
14+
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/faster-rcnn/
1515
--obstacle_location_finder_sensor=depth_camera
1616
#--perfect_traffic_light_detection
1717
--simulator_traffic_light_detection

configs/scenarios/tracker_evaluation.conf

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -7,7 +7,7 @@
77
--perfect_obstacle_detection
88
# Don't evaluate tracking on small, easy bounding boxes in the distance.
99
--dynamic_obstacle_distance_threshold=50
10-
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/faster-rcnn/frozen_inference_graph.pb
10+
--obstacle_detection_model_paths=dependencies/models/obstacle_detection/faster-rcnn/
1111
--obstacle_detection_model_names=faster-rcnn
1212
--obstacle_location_finder_sensor=depth_camera
1313
###### Tracking config #####

docker/Dockerfile

Lines changed: 8 additions & 6 deletions
Original file line numberDiff line numberDiff line change
@@ -1,4 +1,4 @@
1-
FROM nvidia/cudagl:10.2-devel-ubuntu18.04
1+
FROM nvidia/cudagl:11.4.2-devel-ubuntu20.04
22
MAINTAINER Sukrit Kalra ([email protected])
33

44
# Set up a erdos user first.
@@ -34,19 +34,21 @@ RUN sudo apt-get -y --fix-missing update
3434
ENV DEBIAN_FRONTEND=noninteractive
3535
RUN sudo DEBIAN_FRONTEND=noninteractive sudo DEBIAN_FRONTEND=noninteractive apt-get install -y tzdata
3636

37-
# Get the erdos directory.
38-
RUN sudo apt-get -y update
39-
RUN sudo apt-get -y install git curl clang python3 python3-pip
37+
# Get the ERDOS package dependencies.
38+
RUN sudo apt-get -y install apt-utils git curl clang python-is-python3 python3-pip
4039
RUN python3 -m pip install --upgrade pip
4140
RUN python3 -m pip install setuptools setuptools-rust numpy==1.19.5
41+
42+
# Setup Rust and install ERDOS.
4243
RUN curl --proto '=https' --tlsv1.2 -sSf https://sh.rustup.rs | sh -s -- -y
4344
ENV PATH="/home/erdos/.cargo/bin:${PATH}"
45+
RUN echo "export PATH=/home/erdos/.cargo/bin:${PATH}" >> ~/.bashrc
4446
RUN rustup default nightly
4547
RUN mkdir -p /home/erdos/workspace
4648
RUN cd /home/erdos/workspace && git clone https://github.com/erdos-project/erdos.git && cd erdos && python3 python/setup.py install --user
4749

4850
# Set up Pylot.
49-
RUN sudo apt-get install -y libcudnn7 cuda-toolkit-10-0 ssh libqt5core5a libeigen3-dev cmake qtbase5-dev libpng16-16 libtiff5 python3-tk
51+
RUN sudo apt-get install -y libcudnn8 cuda-toolkit-11-4 ssh libqt5core5a libeigen3-dev cmake qtbase5-dev libpng16-16 libtiff5 python3-tk python3-pygame libgeos-dev
5052
# Get the Pylot directory.
5153
RUN cd /home/erdos/workspace && git clone https://github.com/erdos-project/pylot.git
5254
WORKDIR /home/erdos/workspace/pylot/
@@ -64,7 +66,7 @@ RUN python3 -m pip install py-trees==0.8.3 networkx==2.2 Shapely==1.6.4 psutil==
6466
RUN cd /home/erdos/workspace && git clone https://github.com/erdos-project/leaderboard.git
6567
RUN python3 -m pip install dictor requests
6668

67-
RUN echo "export PYTHONPATH=/home/erdos/workspace/pylot/dependencies/:/home/erdos/workspace/pylot/dependencies/CARLA_0.9.10.1/PythonAPI/carla/dist/carla-0.9.10-py3.7-linux-x86_64.egg:/home/erdos/workspace/pylot/dependencies/CARLA_0.9.10.1/PythonAPI/carla/:/home/erdos/workspace/pylot/dependencies/CARLA_0.9.10.1/PythonAPI/carla/agents/:/home/erdos/workspace/pylot/dependencies/CARLA_0.9.10.1/PythonAPI/:/home/erdos/workspace/scenario_runner" >> ~/.bashrc
69+
RUN echo "export PYTHONPATH=/home/erdos/workspace/pylot/dependencies/:/home/erdos/workspace/pylot/dependencies/lanenet:/home/erdos/workspace/pylot/dependencies/CARLA_0.9.10.1/PythonAPI/carla/dist/carla-0.9.10-py3.7-linux-x86_64.egg:/home/erdos/workspace/pylot/dependencies/CARLA_0.9.10.1/PythonAPI/carla/:/home/erdos/workspace/pylot/dependencies/CARLA_0.9.10.1/PythonAPI/carla/agents/:/home/erdos/workspace/pylot/dependencies/CARLA_0.9.10.1/PythonAPI/:/home/erdos/workspace/scenario_runner" >> ~/.bashrc
6870
RUN echo "export PYLOT_HOME=/home/erdos/workspace/pylot/" >> ~/.bashrc
6971
RUN echo "export CARLA_HOME=/home/erdos/workspace/pylot/dependencies/CARLA_0.9.10.1" >> ~/.bashrc
7072
RUN echo "if [ -f ~/.bashrc ]; then . ~/.bashrc ; fi" >> ~/.bash_profile

docker/Dockerfile-challenge.master

Lines changed: 6 additions & 6 deletions
Original file line numberDiff line numberDiff line change
@@ -1,4 +1,4 @@
1-
FROM nvidia/cuda:10.0-cudnn7-devel-ubuntu18.04
1+
FROM nvidia/cudagl:11.4.2-devel-ubuntu20.04
22

33
ARG HTTP_PROXY
44
ARG HTTPS_PROXY
@@ -13,7 +13,7 @@ ENV LC_ALL en_US.UTF-8
1313
RUN apt-get -y update
1414
ENV DEBIAN_FRONTEND=noninteractive
1515
RUN DEBIAN_FRONTEND=noninteractive ; apt-get install -y tzdata
16-
16+
1717
RUN apt-get update && apt-get install -y --no-install-recommends \
1818
build-essential \
1919
cmake \
@@ -22,8 +22,8 @@ RUN apt-get update && apt-get install -y --no-install-recommends \
2222
vim \
2323
ca-certificates \
2424
libjpeg-dev \
25-
libpng16-16 \
26-
libtiff5 \
25+
libpng16-16 \
26+
libtiff5 \
2727
libpng-dev \
2828
python-dev \
2929
python3 \
@@ -76,14 +76,14 @@ RUN chmod +x /workspace/leaderboard/scripts/run_evaluation.sh
7676
########################################################################################################################
7777
########################################################################################################################
7878

79-
RUN apt-get update && apt-get install -y clang libgeos-dev python-opencv libqt5core5a libeigen3-dev cmake qtbase5-dev python3-tk
79+
RUN apt-get update && apt-get install -y clang libgeos-dev python-opencv libqt5core5a libeigen3-dev cmake qtbase5-dev python3-tk libcudnn8 cuda-toolkit-11-4 ssh python3-pygame
8080
RUN curl --proto '=https' --tlsv1.2 -sSf https://sh.rustup.rs | sh -s -- -y
8181
ENV PATH="/root/.cargo/bin/:${PATH}"
8282
RUN rustup default nightly
8383
RUN packages='wheel setuptools setuptools-rust fire' && pip install ${packages}
8484
RUN git clone https://github.com/erdos-project/erdos.git && cd erdos && python3 python/setup.py install --user
8585

86-
RUN packages='absl-py cvxpy gdown lapsolver matplotlib==2.2.4 motmetrics numpy<1.17 open3d-python==0.5.0.0 opencv-python>=4.1.0.25 opencv-contrib-python>=4.1.0.25 pillow>=6.2.2 pytest scikit-image<0.15 scipy==1.2.2 shapely==1.6.4 tensorflow-gpu==1.15.4 torch==1.4.0 torchvision==0.5.0 filterpy==1.4.1 scikit-learn==0.22.2 imgaug==0.2.8 nonechucks==0.3.1 Cython progress pyquaternion nuscenes-devkit' \
86+
RUN packages='absl-py cvxpy gdown lapsolver matplotlib==3.4.3 motmetrics numpy==1.19.5 open3d==0.13.0 opencv-python>=4.1.0.25 opencv-contrib-python>=4.1.0.25 pillow>=6.2.2 pytest scikit-image==0.18.3 scipy==1.7.1 shapely==1.6.4 tensorflow-gpu==2.5.1 torch==1.4.0 torchvision==0.5.0 filterpy==1.4.1 scikit-learn==1.0 imgaug==0.2.8 nonechucks==0.3.1 Cython progress pyquaternion nuscenes-devkit' \
8787
&& pip install ${packages}
8888
ENV PYTHONPATH ${TEAM_CODE_ROOT}/:${TEAM_CODE_ROOT}/dependencies/:${PYTHONPATH}
8989
ENV TEAM_AGENT ${TEAM_CODE_ROOT}/pylot/simulation/challenge/ERDOSAgent.py

install.sh

Lines changed: 13 additions & 81 deletions
Original file line numberDiff line numberDiff line change
@@ -13,88 +13,22 @@ sudo apt-get install -y git wget cmake python3-pip unzip clang libpng-dev libgeo
1313
# opencv requires.
1414
sudo apt-get install -y python3-opencv
1515
python3 -m pip install --user gdown
16+
# Install Pygame if available.
17+
PYGAME_PKG=`apt-cache search python3-pygame`
18+
if [ -n "$PYGAME_PKG" ] ; then
19+
sudo apt-get install python3-pygame
20+
fi
1621

1722
###############################################################################
1823
# Get models & code bases we depend on
1924
###############################################################################
2025
cd $PYLOT_HOME/dependencies/
21-
mkdir -p dependencies/models
22-
23-
###### Download CARLA-trained object detection models ######
24-
echo "[x] Downloading the obstacle detection models..."
25-
cd $PYLOT_HOME/dependencies/models
26-
~/.local/bin/gdown https://drive.google.com/uc?id=1aT0q-HCz3KutvNGcc0Tleh88nK05unSe
27-
unzip obstacle_detection.zip ; rm obstacle_detection.zip
28-
29-
###### Download the traffic light model ######
30-
echo "[x] Downloading the traffic light detection models..."
31-
cd $PYLOT_HOME/dependencies/models
32-
mkdir -p traffic_light_detection/faster-rcnn ; cd traffic_light_detection/faster-rcnn
33-
~/.local/bin/gdown https://drive.google.com/uc?id=1MbTIkh4KJubJN66-SurH1x725D9S-w50
34-
35-
###### Download the Lanenet lane detection model ######
36-
echo "[x] Downloading the lane detection models..."
37-
cd $PYLOT_HOME/dependencies/models
38-
mkdir -p lane_detection ; cd lane_detection/
39-
~/.local/bin/gdown https://drive.google.com/uc?id=1yILceTgUr1MTZ7Q2wanvQ0r8RbBf5ILD
40-
unzip lanenet.zip ; rm lanenet.zip
41-
42-
###### Download the DRN segmentation cityscapes models ######
43-
echo "[x] Downloading the segmentation models..."
44-
cd $PYLOT_HOME/dependencies/models
45-
mkdir -p segmentation/drn ; cd segmentation/drn
46-
~/.local/bin/gdown https://drive.google.com/uc?id=1ST0WYo-uDS91jKDTaK21RvShWpayiyXN
47-
48-
###### Download the DASiamRPN object tracker models ######
49-
echo "[x] Downloading the object tracking models..."
50-
cd $PYLOT_HOME/dependencies/models
51-
mkdir -p tracking/DASiamRPN ; cd tracking/DASiamRPN
52-
# SiamRPNVOT.model
53-
~/.local/bin/gdown https://drive.google.com/uc?id=1G9GtKpF36-AwjyRXVLH_gHvrfVSCZMa7
54-
# SiamRPNBIG.model
55-
~/.local/bin/gdown https://drive.google.com/uc?id=1_bIGtHYdAoTMS-hqOPE1j3KU-ON15cVV
56-
# SiamRPNOTB.model
57-
~/.local/bin/gdown https://drive.google.com/uc?id=18-LyMHVLhcx6qBWpUJEcPFoay1tSqURI
5826

59-
###### Download DeepSort models ######
60-
# Download the real-world model.
61-
cd $PYLOT_HOME/dependencies/models
62-
mkdir -p tracking/deep-sort ; cd tracking/deep-sort
63-
~/.local/bin/gdown https://drive.google.com/uc?id=1bB66hP9voDXuoBoaCcKYY7a8IYzMMs4P
64-
cd ../
65-
# Download the CARLA model.
66-
mkdir deep-sort-carla ; cd deep-sort-carla
67-
~/.local/bin/gdown https://drive.google.com/uc?id=14JLC_eo_Xpf2KbWffC96qtSAl2sXLyIl
68-
69-
###### Download CenterTrack models ######
70-
cd $PYLOT_HOME/dependencies/models
71-
mkdir -p tracking/center_track ; cd tracking/center_track
72-
# MOT model
73-
~/.local/bin/gdown https://drive.google.com/uc?id=1h_8Ts11rf0GQ4_n6FgmCeBuFcWrRjJfa
74-
# KITTI model
75-
~/.local/bin/gdown https://drive.google.com/uc?id=1kBX4AgQj7R7HvgMdbgBcwvIac-IFp95h
76-
# nuScenes
77-
~/.local/bin/gdown https://drive.google.com/uc?id=1e8zR1m1QMJne-Tjp-2iY_o81hn2CiQRt
78-
# COCO model
79-
~/.local/bin/gdown https://drive.google.com/uc?id=1tJCEJmdtYIh8VuN8CClGNws3YO7QGd40
80-
81-
###### Download QDTrack models ######
82-
cd $PYLOT_HOME/dependencies/models
83-
mkdir -p tracking/qd_track ; cd tracking/qd_track
84-
~/.local/bin/gdown https://drive.google.com/uc?id=1YNAQgd8rMqqEG-fRj3VWlO4G5kdwJbxz
85-
86-
##### Download AnyNet depth estimation models #####
87-
echo "[x] Downloading the depth estimation models..."
88-
cd $PYLOT_HOME/dependencies/models
89-
mkdir -p depth_estimation/AnyNet ; cd depth_estimation/AnyNet
90-
~/.local/bin/gdown https://drive.google.com/uc?id=18Vi68rQO-vcBn3882vkumIWtGggZQDoU
91-
unzip checkpoint.zip ; rm checkpoint.zip
92-
93-
###### Download the R2P2 prediction model ######
94-
echo "[x] Downloading the prediction models..."
95-
cd $PYLOT_HOME/dependencies/models
96-
mkdir -p prediction/r2p2 ; cd prediction/r2p2
97-
~/.local/bin/gdown https://drive.google.com/uc?id=1Ky_6daMnovoYxlQ8iTTGwJj_4bKd8EKn
27+
###### Download the model weights ######
28+
echo "[x] Downloading all model weights..."
29+
cd $PYLOT_HOME/dependencies/
30+
~/.local/bin/gdown https://drive.google.com/uc?id=1rQKFDxGDFi3rBLsMrJzb7oGZvvtwgyiL
31+
unzip models.zip ; rm models.zip
9832

9933
#################### Download the code bases ####################
10034
echo "[x] Compiling the planners..."
@@ -130,12 +64,12 @@ cd $PYLOT_HOME/dependencies/
13064
git clone https://github.com/ICGog/nanonets_object_tracking.git
13165
sudo apt-get install python3-tk
13266
git clone https://github.com/ICGog/sort.git
133-
13467
###### Download the DaSiamRPN code ######
13568
cd $PYLOT_HOME/dependencies/
13669
git clone https://github.com/ICGog/DaSiamRPN.git
13770

13871
###### Install CenterTrack ######
72+
echo "[x] Installing the CenterTrack object tracking code..."
13973
cd $PYLOT_HOME/dependencies/
14074
git clone https://github.com/ICGog/CenterTrack
14175
cd CenterTrack/src/lib/model/networks/
@@ -148,11 +82,9 @@ python3 setup.py build develop --user
14882
###### Install QDTrack ######
14983
cd $PYLOT_HOME/dependencies/
15084
git clone https://github.com/mageofboy/qdtrack.git
151-
git clone https://github.com/open-mmlab/mmdetection.git
152-
cd mmdetection
153-
python3 setup.py develop #need to add mmcv
15485
cd $PYLOT_HOME/dependencies/qdtrack
155-
python3 setup.py develop
86+
python3 -m pip install mmcv==1.3.10 mmdet==2.14.0
87+
python3 -m pip install -e ./
15688

15789
##### Download the Lanenet code #####
15890
echo "[x] Cloning the lanenet lane detection code..."

pylot/flags.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -278,7 +278,7 @@ def prediction_validator(flags_dict):
278278
flags.register_multi_flags_validator(
279279
['visualize_prediction', 'execution_mode'],
280280
lambda flags_dict: ((not flags_dict['visualize_prediction']) or flags_dict[
281-
'execution_mode'] == 'simulator'),
281+
'execution_mode'] == 'simulation'),
282282
message='--visualize_prediction can only be enabled when running atop the'
283283
' simulator')
284284

pylot/simulation/challenge/challenge.conf

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -3,7 +3,7 @@
33
########## Object detection flags ##########
44
--obstacle_detection
55
--nosimulator_obstacle_detection
6-
--obstacle_detection_model_paths=/workspace/team_code/dependencies/models/obstacle_detection/faster-rcnn/frozen_inference_graph.pb
6+
--obstacle_detection_model_paths=/workspace/team_code/dependencies/models/obstacle_detection/faster-rcnn/
77
--obstacle_detection_model_names=faster-rcnn
88
--path_coco_labels=/workspace/team_code/dependencies/models/pylot.names
99
# --obstacle_detection_model_paths=/workspace/team_code/dependencies/models/obstacle_detection/efficientdet/efficientdet-d6/efficientdet-d6_frozen.pb
@@ -18,7 +18,7 @@
1818
--traffic_light_det_min_score_threshold=0.4
1919
--traffic_light_det_gpu_memory_fraction=0.4
2020
--traffic_light_det_gpu_index=0
21-
--traffic_light_det_model_path=/workspace/team_code/dependencies/models/traffic_light_detection/faster-rcnn/frozen_inference_graph.pb
21+
--traffic_light_det_model_path=/workspace/team_code/dependencies/models/traffic_light_detection/faster-rcnn/
2222
######### Tracker config #########
2323
--obstacle_tracking
2424
--min_matching_iou=0.2

pylot/simulation/challenge/challenge_sensors.conf

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -3,7 +3,7 @@
33
########## Object detection flags ##########
44
--obstacle_detection
55
--nosimulator_obstacle_detection
6-
# --obstacle_detection_model_paths=/workspace/team_code/dependencies/models/obstacle_detection/faster-rcnn/frozen_inference_graph.pb
6+
# --obstacle_detection_model_paths=/workspace/team_code/dependencies/models/obstacle_detection/faster-rcnn/
77
# --obstacle_detection_model_names=faster-rcnn
88
#--path_coco_labels=/workspace/team_code/dependencies/models/pylot.names
99
--obstacle_detection_model_paths=/workspace/team_code/dependencies/models/obstacle_detection/efficientdet/efficientdet-d6/efficientdet-d6_frozen.pb
@@ -18,7 +18,7 @@
1818
--traffic_light_det_min_score_threshold=0.4
1919
--traffic_light_det_gpu_memory_fraction=0.3
2020
--traffic_light_det_gpu_index=0
21-
--traffic_light_det_model_path=/workspace/team_code/dependencies/models/traffic_light_detection/faster-rcnn/frozen_inference_graph.pb
21+
--traffic_light_det_model_path=/workspace/team_code/dependencies/models/traffic_light_detection/faster-rcnn/
2222
######### Tracker config #########
2323
--obstacle_tracking
2424
--min_matching_iou=0.2

pylot/simulation/utils.py

Lines changed: 2 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -19,9 +19,8 @@ def check_simulator_version(simulator_version: str,
1919
"""Checks if the simulator meets the minimum version requirements."""
2020
ver_strs = simulator_version.split('.')
2121
if len(ver_strs) < 2 or len(ver_strs) > 3:
22-
print('WARNING: CARLA version {} is not supported; assuming that the '
23-
'API of this version is compatible with 0.9.10'.format(
24-
simulator_version))
22+
print('WARNING: Assuming that installed CARLA {} API is compatible '
23+
'with CARLA 0.9.10 API'.format(simulator_version))
2524
ver_strs = '0.9.10'.split('.')
2625
major = int(ver_strs[0])
2726
minor = int(ver_strs[1])

requirements.txt

Lines changed: 5 additions & 7 deletions
Original file line numberDiff line numberDiff line change
@@ -11,23 +11,21 @@ pillow>=6.2.2
1111
pycocotools
1212
pygame==1.9.6
1313
pytest
14-
scikit-image<0.15
15-
scipy==1.2.2
14+
scikit-image==0.18.3
15+
scipy==1.7.1
1616
shapely==1.6.4
17-
tensorflow-gpu==2.0.0
17+
tensorflow-gpu==2.5.1
1818
torch==1.4.0
1919
torchvision==0.5.0
2020
##### Tracking dependencies #####
2121
Cython
2222
filterpy==1.4.1
2323
imgaug==0.2.8
24-
matplotlib==2.2.4
24+
matplotlib==3.4.3
2525
nonechucks==0.3.1
2626
nuscenes-devkit
2727
progress
2828
pyquaternion
29-
scikit-learn==0.22.2
30-
mmcv>=0.3.0
31-
mmdet
29+
scikit-learn==1.0
3230
##### CARLA dependencies #####
3331
networkx==2.2

0 commit comments

Comments
 (0)