Skip to content

Commit 5bf6f83

Browse files
committed
add vision package & update version
1 parent 97e6075 commit 5bf6f83

File tree

3 files changed

+225
-58
lines changed

3 files changed

+225
-58
lines changed
Binary file not shown.

commons/Dockerfile.base.19.09-py36-cuda10

Lines changed: 29 additions & 58 deletions
Original file line numberDiff line numberDiff line change
@@ -2,7 +2,7 @@ FROM nvidia/cuda:10.0-devel-ubuntu18.04
22

33
# TensorFlow version is tightly coupled to CUDA and cuDNN so it should be selected carefully
44
ENV TENSORFLOW_VERSION=1.14.0
5-
ENV PYTORCH_VERSION=1.3.0
5+
ENV PYTORCH_VERSION=1.4.0
66
ENV TORCHVISION_VERSION=0.5.0
77
ENV TENSORBOARDX_VERSION=1.9
88
ENV MXNET_VERSION=1.5.1
@@ -25,6 +25,7 @@ RUN apt-get update && apt-get install -y --allow-downgrades --allow-change-held-
2525
build-essential \
2626
cmake \
2727
g++-4.8 \
28+
dkms \
2829
git \
2930
curl \
3031
vim \
@@ -42,13 +43,15 @@ RUN apt-get update && apt-get install -y --allow-downgrades --allow-change-held-
4243
libsm6 \
4344
libxext6 \
4445
libxrender-dev \
46+
libcairo2-dev libgirepository1.0-dev pkg-config gir1.2-gtk-3.0 \
47+
proj-bin libproj-dev libgeos-dev libgeos++-dev graphviz \
4548
python${PYTHON_VERSION} \
4649
python${PYTHON_VERSION}-dev \
4750
libnuma-dev
4851

4952
RUN curl -sL https://deb.nodesource.com/setup_10.x | bash - && \
5053
apt-get update -y && \
51-
apt-get install -y nodejs proj-bin libproj-dev libgeos-dev libgeos++-dev graphviz
54+
apt-get install -y nodejs
5255

5356
# OFED
5457
ENV STAGE_DIR=/tmp
@@ -69,7 +72,6 @@ RUN mkdir -p ${STAGE_DIR} && \
6972
cd ${STAGE_DIR} && \
7073
tar xzf ${STAGE_DIR}/nvidia-peer-memory_1.0.orig.tar.gz && \
7174
cd ${STAGE_DIR}/nvidia-peer-memory-1.0 && \
72-
apt-get install -y dkms && \
7375
dpkg-buildpackage -us -uc && \
7476
dpkg -i ${STAGE_DIR}/nvidia-peer-memory_1.0-8_all.deb
7577

@@ -79,75 +81,44 @@ RUN ln -s /usr/local/cuda-10.0 /usr/local/cuda && \
7981
ldconfig
8082

8183
RUN if [[ "${PYTHON_VERSION}" == "3.6" ]]; then \
82-
apt-get install -y python${PYTHON_VERSION}-distutils; \
84+
apt-get install -y python${PYTHON_VERSION}-distutils python-apt; \
8385
fi
8486

87+
RUN update-alternatives --install /usr/bin/python python /usr/bin/python3 2
88+
8589
WORKDIR /tmp
8690
RUN curl https://bootstrap.pypa.io/get-pip.py | python3 && \
8791
python3 -m pip install --no-cache-dir -U setuptools pip
8892

8993
# Install TensorFlow, Keras, PyTorch and MXNet
90-
RUN python3 -m pip install --no-cache-dir \
91-
numpy==1.14.5 \
94+
RUN python3 -m pip install pip --no-cache-dir -Iv \
95+
Cython==0.29.13 \
96+
numpy==1.16.5 \
9297
scipy==1.3.1 \
93-
scikit-learn \
98+
scikit-image==0.16.2 \
99+
scikit-learn==0.21.3 \
94100
matplotlib==3.1.3 \
95-
bokeh \
96-
ipython \
97-
jupyter \
98-
jupyterlab \
99-
jupyter-tensorboard \
100-
ipywidgets \
101-
ipyparallel \
102-
jupyterlab \
103-
jupyterthemes \
104-
jupyter-js-widgets-nbextension \
105-
jupyter_contrib_nbextensions \
106-
jupyter_nbextensions_configurator \
107-
requests \
108-
pyzmq simplejson msgpack-python uvloop \
109-
aiozmq dataclasses tabulate \
110-
namedlist six "python-dateutil>=2" \
111-
versioneer \
112-
pyproj Cartopy \
113-
pandas \
114-
seaborn \
115-
tensorflow-gpu==${TENSORFLOW_VERSION} \
116-
Keras==2.3.1 \
117-
keras_applications \
118-
keras_preprocessing \
119-
tensorflow-hub \
120-
tf2onnx \
121-
tqdm \
122-
future \
123-
typing \
124-
pillow \
125-
graphviz \
126-
pydotplus \
127-
pydot \
128-
seaborn \
129-
selenium==3.141.0 \
130-
test-generator==0.1.1 \
131-
defusedxml==0.5.0 \
132-
networkx==2.3 \
133-
google-images-download==2.8.0 \
134-
opencv-python \
135-
pygame \
136-
h5py \
137-
&& \
138-
rm -rf /root/.cache && \
139-
rm -f /tmp/*.whl
101+
tensorflow-gpu==${TENSORFLOW_VERSION}
140102

141-
RUN python3 -m pip install --no-cache-dir https://download.pytorch.org/whl/cu100/torch-${PYTORCH_VERSION}%2Bcu100-cp36-cp36m-linux_x86_64.whl \
103+
RUN python3 -m pip install --no-cache-dir \
104+
https://download.pytorch.org/whl/cu100/torch-${PYTORCH_VERSION}%2Bcu100-cp36-cp36m-linux_x86_64.whl \
142105
https://download.pytorch.org/whl/cu100/torchvision-${TORCHVISION_VERSION}%2Bcu100-cp36-cp36m-linux_x86_64.whl && \
143106
python3 -m pip install --no-cache-dir tensorboardX==${TENSORBOARDX_VERSION}
144-
145107
RUN python3 -m pip install --no-cache-dir mxnet-cu100==${MXNET_VERSION}
108+
RUN python3 -m pip install --no-cache-dir --extra-index-url \
109+
https://developer.download.nvidia.com/compute/redist/cuda/10.0 \
110+
nvidia-dali \
111+
nvidia-dali-tf-plugin
146112

113+
WORKDIR /tmp
114+
COPY ./requirements.19.09.txt /tmp
115+
RUN python3 -m pip install --no-cache-dir -Ir requirements.19.09.txt
147116

148-
RUN python3 -m pip install --no-cache-dir \
117+
RUN python3 -m pip install --no-cache-dir -Iv \
149118
tensorwatch==0.8.10 \
150-
nni
119+
&& \
120+
rm -rf /root/.cache && \
121+
rm -f /tmp/*.whl /tmp/requirements.19.09.txt
151122

152123
# Jupyter notebook extension
153124
RUN mkdir -p /home/work/.jupyter/nbextension
@@ -178,11 +149,11 @@ RUN mkdir /tmp/openmpi && \
178149
RUN ldconfig /usr/local/cuda/targets/x86_64-linux/lib/stubs && \
179150
HOROVOD_GPU_ALLREDUCE=NCCL HOROVOD_GPU_BROADCAST=NCCL \
180151
HOROVOD_WITH_TENSORFLOW=1 HOROVOD_WITH_PYTORCH=1 HOROVOD_WITH_MXNET=1 \
181-
pip install --no-cache-dir horovod && \
152+
pip install --no-cache-dir horovod==0.19.0 && \
182153
ldconfig
183154

184155
RUN python3 -m pip install --no-cache-dir \
185-
mpi4py \
156+
mpi4py==3.0.3 \
186157
nni
187158

188159
# Install OpenSSH for MPI to communicate between containers

commons/requirements.19.09.txt

Lines changed: 196 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,196 @@
1+
absl-py==0.9.0
2+
aiozmq==0.9.0
3+
astor==0.8.1
4+
atomicwrites==1.3.0
5+
attrs==19.3.0
6+
audioread==2.1.8
7+
backcall==0.1.0
8+
bleach==3.1.1
9+
bokeh==1.4.0
10+
boto==2.49.0
11+
boto3==1.9.209
12+
botocore==1.12.209
13+
Cartopy==0.17.0
14+
Click==7.0
15+
click-plugins==1.1.1
16+
cligj==0.5.0
17+
colour==0.1.5
18+
convertdate==2.1.3
19+
category-encoders==2.0.0
20+
cupy==6.3.0
21+
certifi==2019.11.28
22+
cffi==1.14.0
23+
chardet==3.0.4
24+
cloudpickle==1.3.0
25+
colorama==0.4.3
26+
contextlib2==0.5.5
27+
coverage==5.0.3
28+
Cython==0.29.13
29+
cycler==0.10.0
30+
cvxpy==1.0.24
31+
dask==2.2.0
32+
defusedxml==0.6.0
33+
dataclasses==0.7
34+
decorator==4.4.2
35+
dill==0.3.0
36+
ecos==2.0.7.post1
37+
entrypoints==0.3
38+
ephem==3.7.6.0
39+
fbprophet==0.5
40+
featuretools==0.9.1
41+
fastrlock==0.4
42+
future==0.18.2
43+
Fiona==1.8.6
44+
folium==0.10.0
45+
funcy==1.13
46+
gast==0.3.3
47+
gensim==3.8.0
48+
geopandas==0.5.1
49+
geoplotlib==0.3.2
50+
google-images-download==2.8.0
51+
google-pasta==0.1.8
52+
graphviz==0.8.4
53+
grpcio==1.27.2
54+
h5py==2.10.0
55+
holidays==0.9.10
56+
hyperopt==0.1.2
57+
idna==2.9
58+
imageio==2.8.0
59+
imbalanced-learn==0.5.0
60+
importlib-metadata==1.5.0
61+
ipykernel==5.1.4
62+
ipyparallel==6.2.4
63+
ipython==7.13.0
64+
ipython-genutils==0.2.0
65+
ipywidgets==7.5.1
66+
jedi==0.15.2
67+
Jinja2==2.11.1
68+
joblib==0.14.1
69+
jmespath==0.9.4
70+
json-tricks==3.14.0
71+
json5==0.9.2
72+
jsonschema==3.2.0
73+
jupyter==1.0.0
74+
jupyter-client==6.0.0
75+
jupyter-console==6.1.0
76+
jupyter-contrib-core==0.3.3
77+
jupyter-contrib-nbextensions==0.5.1
78+
jupyter-core==4.6.3
79+
jupyter-highlight-selected-word==0.2.0
80+
jupyter-js-widgets-nbextension==0.0.2.dev0
81+
jupyter-latex-envs==1.4.6
82+
jupyter-nbextensions-configurator==0.4.1
83+
jupyter-tensorboard==0.2.0
84+
jupyterlab==2.0.0
85+
jupyterlab-server==1.0.7
86+
jupyterthemes==0.20.0
87+
Keras==2.3.1
88+
Keras-Applications==1.0.8
89+
Keras-Preprocessing==1.1.0
90+
kiwisolver==1.1.0
91+
lesscpy==0.14.0
92+
lxml==4.5.0
93+
librosa==0.6.3
94+
llvmlite==0.29.0
95+
lunardate==0.2.0
96+
Markdown==3.2.1
97+
MarkupSafe==1.1.1
98+
mistune==0.8.4
99+
more-itertools==7.2.0
100+
msgpack==0.6.1
101+
msgpack-python==0.5.6
102+
namedlist==1.7
103+
nbconvert==5.6.1
104+
nbformat==5.0.4
105+
networkx==2.3
106+
nltk==3.2.5
107+
notebook==6.0.3
108+
numexpr==2.7.0
109+
onnx==1.6.0
110+
opencv-python==4.2.0.32
111+
osqp==0.5.0
112+
packaging==20.1
113+
pandas==1.0.1
114+
pandocfilters==1.4.2
115+
parso==0.6.2
116+
pexpect==4.8.0
117+
pickleshare==0.7.5
118+
Pillow==7.0.0
119+
plotly==4.5.2
120+
pluggy==0.12.0
121+
ply==3.11
122+
portpicker==1.3.1
123+
prometheus-client==0.7.1
124+
prompt-toolkit==3.0.3
125+
protobuf==3.11.3
126+
psutil==5.7.0
127+
ptyprocess==0.6.0
128+
py==1.8.0
129+
pygal==2.4.0
130+
pycairo==1.19.1
131+
pycparser==2.19
132+
pycocotools==2.0.0
133+
pydot==1.4.1
134+
pydotplus==2.0.2
135+
pygame==1.9.6
136+
Pygments==2.5.2
137+
pygobject==3.34.0
138+
pymongo==3.10.1
139+
pyparsing==2.4.6
140+
pyproj==2.5.0
141+
pyrsistent==0.15.7
142+
pyshp==2.1.0
143+
pystan==2.19.1.1
144+
python-dateutil==2.8.1
145+
python-language-server[all]==0.31.8
146+
python-speech-features==0.6
147+
PythonWebHDFS==0.2.3
148+
pytest==5.1.0
149+
pytz==2019.3
150+
pyLDAvis==2.1.2
151+
PyWavelets==1.1.1
152+
PyYAML==5.3
153+
pyls-black==0.4.4
154+
pyzmq==19.0.0
155+
qtconsole==4.7.1
156+
QtPy==1.9.0
157+
requests==2.23.0
158+
resampy==0.2.1
159+
retrying==1.3.3
160+
ruamel.yaml==0.16.10
161+
ruamel.yaml.clib==0.2.0
162+
sacrebleu==1.3.6
163+
schema==0.7.1
164+
scs==2.1.0
165+
seaborn==0.10.0
166+
selenium==3.141.0
167+
Send2Trash==1.5.0
168+
sentencepiece==0.1.82
169+
Shapely==1.7.0
170+
simplejson==3.17.0
171+
six==1.14.0
172+
sklearn==0.0
173+
tabulate==0.8.6
174+
tblib==1.4.0
175+
tensorflow-hub==0.7.0
176+
termcolor==1.1.0
177+
terminado==0.8.3
178+
test-generator==0.1.1
179+
testpath==0.4.4
180+
tf2onnx==1.5.5
181+
tornado==6.0.4
182+
tqdm==4.43.0
183+
traitlets==4.3.3
184+
typing==3.7.4.1
185+
typing-extensions==3.7.4.1
186+
urllib3==1.25.8
187+
uvloop==0.14.0
188+
vecstack==0.4.0
189+
versioneer==0.18
190+
wcwidth==0.1.8
191+
webencodings==0.5.1
192+
Werkzeug==1.0.0
193+
widgetsnbextension==3.5.1
194+
wrapt==1.12.0
195+
zict==1.0.0
196+
zipp==3.1.0

0 commit comments

Comments
 (0)