Skip to content
Projects
Groups
Snippets
Help
Loading...
Help
Support
Keyboard shortcuts
?
Submit feedback
Contribute to GitLab
Sign in
Toggle navigation
S
seminar-breakout
Project overview
Project overview
Details
Activity
Releases
Repository
Repository
Files
Commits
Branches
Tags
Contributors
Graph
Compare
Issues
0
Issues
0
List
Boards
Labels
Milestones
Merge Requests
0
Merge Requests
0
CI / CD
CI / CD
Pipelines
Jobs
Schedules
Analytics
Analytics
CI / CD
Repository
Value Stream
Wiki
Wiki
Members
Members
Collapse sidebar
Close sidebar
Activity
Graph
Create a new issue
Jobs
Commits
Issue Boards
Open sidebar
Shashank Suhas
seminar-breakout
Commits
11932e68
Commit
11932e68
authored
Nov 28, 2017
by
Yuxin Wu
Browse files
Options
Browse Files
Download
Email Patches
Plain Diff
Switch to trainer v2 by default. (#458)
parent
4ad831ac
Changes
40
Hide whitespace changes
Inline
Side-by-side
Showing
40 changed files
with
47 additions
and
63 deletions
+47
-63
.github/ISSUE_TEMPLATE.md
.github/ISSUE_TEMPLATE.md
+2
-3
docs/tutorial/performance-tuning.md
docs/tutorial/performance-tuning.md
+10
-9
examples/A3C-Gym/train-atari.py
examples/A3C-Gym/train-atari.py
+1
-1
examples/CTC-TIMIT/train-timit.py
examples/CTC-TIMIT/train-timit.py
+1
-1
examples/Char-RNN/char-rnn.py
examples/Char-RNN/char-rnn.py
+1
-1
examples/DeepQNetwork/DQN.py
examples/DeepQNetwork/DQN.py
+1
-1
examples/DisturbLabel/mnist-disturb.py
examples/DisturbLabel/mnist-disturb.py
+1
-1
examples/DisturbLabel/svhn-disturb.py
examples/DisturbLabel/svhn-disturb.py
+1
-1
examples/DoReFa-Net/alexnet-dorefa.py
examples/DoReFa-Net/alexnet-dorefa.py
+1
-1
examples/DoReFa-Net/svhn-digit-dorefa.py
examples/DoReFa-Net/svhn-digit-dorefa.py
+0
-2
examples/DynamicFilterNetwork/steering-filter.py
examples/DynamicFilterNetwork/steering-filter.py
+1
-2
examples/FasterRCNN/train.py
examples/FasterRCNN/train.py
+1
-1
examples/GAN/BEGAN.py
examples/GAN/BEGAN.py
+0
-3
examples/GAN/ConditionalGAN-mnist.py
examples/GAN/ConditionalGAN-mnist.py
+1
-1
examples/GAN/CycleGAN.py
examples/GAN/CycleGAN.py
+1
-1
examples/GAN/DCGAN.py
examples/GAN/DCGAN.py
+1
-1
examples/GAN/DiscoGAN-CelebA.py
examples/GAN/DiscoGAN-CelebA.py
+1
-1
examples/GAN/Image2Image.py
examples/GAN/Image2Image.py
+1
-1
examples/GAN/Improved-WGAN.py
examples/GAN/Improved-WGAN.py
+0
-3
examples/GAN/InfoGAN-mnist.py
examples/GAN/InfoGAN-mnist.py
+1
-1
examples/GAN/WGAN.py
examples/GAN/WGAN.py
+0
-3
examples/HED/hed.py
examples/HED/hed.py
+1
-1
examples/Inception/inception-bn.py
examples/Inception/inception-bn.py
+1
-1
examples/Inception/inceptionv3.py
examples/Inception/inceptionv3.py
+1
-1
examples/PennTreebank/PTB-LSTM.py
examples/PennTreebank/PTB-LSTM.py
+1
-1
examples/ResNet/cifar10-preact18-mixup.py
examples/ResNet/cifar10-preact18-mixup.py
+1
-1
examples/ResNet/cifar10-resnet.py
examples/ResNet/cifar10-resnet.py
+1
-1
examples/ResNet/imagenet-resnet.py
examples/ResNet/imagenet-resnet.py
+1
-1
examples/Saliency/CAM-resnet.py
examples/Saliency/CAM-resnet.py
+1
-1
examples/ShuffleNet/shufflenet.py
examples/ShuffleNet/shufflenet.py
+1
-1
examples/SimilarityLearning/mnist-embeddings.py
examples/SimilarityLearning/mnist-embeddings.py
+1
-3
examples/SpatialTransformer/mnist-addition.py
examples/SpatialTransformer/mnist-addition.py
+1
-1
examples/boilerplate.py
examples/boilerplate.py
+1
-1
examples/cifar-convnet.py
examples/cifar-convnet.py
+1
-1
examples/mnist-convnet.py
examples/mnist-convnet.py
+1
-1
examples/mnist-keras.py
examples/mnist-keras.py
+1
-3
examples/mnist-tfslim.py
examples/mnist-tfslim.py
+1
-1
examples/mnist-visualizations.py
examples/mnist-visualizations.py
+1
-1
examples/svhn-digit-convnet.py
examples/svhn-digit-convnet.py
+1
-1
tensorpack/__init__.py
tensorpack/__init__.py
+2
-2
No files found.
.github/ISSUE_TEMPLATE.md
View file @
11932e68
Bug Reports/Feature Requests/Usage Questions Only:
Bug Reports/Feature Requests/Usage Questions Only:
Bug Reports (including performance bug):
Bug Reports: PLEASE always include
Some part of code (either the library or examples) doesn't work as expected.
PLEASE always include the following:
1.
What you did. (command you run if using examples; post or describe your code if not)
1.
What you did. (command you run if using examples; post or describe your code if not)
2.
What you observed, e.g. logs.
2.
What you observed, e.g. logs.
3.
What you expected, if not obvious.
3.
What you expected, if not obvious.
4.
Your environment (TF version, cudnn version, number & type of GPUs), if it matters.
4.
Your environment (TF version, cudnn version, number & type of GPUs), if it matters.
5.
About low performance, PLEASE first read http://tensorpack.readthedocs.io/en/latest/tutorial/performance-tuning.html
Feature Requests:
Feature Requests:
1.
Improve an existing feature.
1.
Improve an existing feature.
...
...
docs/tutorial/performance-tuning.md
View file @
11932e68
# Performance Tuning
# Performance Tuning
__We do not know why your training is slow__
.
Performance is different on every machine. So you need to figure out most parts by your own.
Here's a list of things you can do when your training is slow.
Here's a list of things you can do when your training is slow.
And if you're going to open an issue about slow training, PLEASE do them and include your findings.
If you're going to open an issue about slow training, PLEASE do them and include your findings.
## Figure out the bottleneck
## Figure out the bottleneck
...
@@ -18,16 +21,15 @@ And if you're going to open an issue about slow training, PLEASE do them and inc
...
@@ -18,16 +21,15 @@ And if you're going to open an issue about slow training, PLEASE do them and inc
so that the iterations doesn't take any data from Python side but train on a constant tensor.
so that the iterations doesn't take any data from Python side but train on a constant tensor.
This will help find out the slow operations you're using in the graph.
This will help find out the slow operations you're using in the graph.
2.
Use
`dataflow=FakeData(shapes, random=False)`
to replace your original DataFlow by a constant DataFlow.
2.
Use
`dataflow=FakeData(shapes, random=False)`
to replace your original DataFlow by a constant DataFlow.
Compared to using
`DummyConstantInput`
, this will include the extra Python-TF overhead, which is supposed to be negligible
.
This has similar effect to (1), i.e., it eliminates the overhead of data
.
3.
If you're using a TF-based input pipeline you wrote, you can simply run it in a loop and test its speed.
3.
If you're using a TF-based input pipeline you wrote, you can simply run it in a loop and test its speed.
4.
Use
`TestDataSpeed(mydf).start()`
to benchmark your DataFlow.
4.
Use
`TestDataSpeed(mydf).start()`
to benchmark your DataFlow.
A benchmark will give you more precise information about which part you should improve.
A benchmark will give you more precise information about which part you should improve.
## I
mprov
e DataFlow
## I
nvestigat
e DataFlow
Understand the
[
Efficient DataFlow
](
efficient-dataflow.html
)
tutorial,
Understand the
[
Efficient DataFlow
](
efficient-dataflow.html
)
tutorial, so you know what your DataFlow is doing.
so that you have an idea of what your DataFlow is doing.
Benchmark your DataFlow with modifications and you'll understand why it runs slow. Some examples
Benchmark your DataFlow with modifications and you'll understand why it runs slow. Some examples
include:
include:
...
@@ -46,7 +48,7 @@ know the reason and improve it accordingly, e.g.:
...
@@ -46,7 +48,7 @@ know the reason and improve it accordingly, e.g.:
anything (network, ZMQ pipe, Python-TF copy etc.)
anything (network, ZMQ pipe, Python-TF copy etc.)
5.
Use distributed data preprocessing, with
`send_dataflow_zmq`
and
`RemoteDataZMQ`
.
5.
Use distributed data preprocessing, with
`send_dataflow_zmq`
and
`RemoteDataZMQ`
.
## I
mprov
e TensorFlow
## I
nvestigat
e TensorFlow
When you're sure that data is not a bottleneck (e.g. when queue is always full), you can start to
When you're sure that data is not a bottleneck (e.g. when queue is always full), you can start to
worry about the model.
worry about the model.
...
@@ -69,9 +71,8 @@ But there may be something cheap you can try:
...
@@ -69,9 +71,8 @@ But there may be something cheap you can try:
If you're unable to scale to multiple GPUs almost linearly:
If you're unable to scale to multiple GPUs almost linearly:
1.
First make sure that the ResNet example can scale. Run it with
`--fake`
to use fake data.
1.
First make sure that the ResNet example can scale. Run it with
`--fake`
to use fake data.
If not, it's a bug or an environment setup problem.
If not, it's a bug or an environment setup problem.
2.
Then note that your model may have a different communication-computation pattern or other
2.
Then note that your model may have a different communication-computation pattern that affects efficiency.
characteristics that affects efficiency.
There isn't a simple answer to this.
There isn't a simple answer to this.
You may try a different multi-GPU trainer; the speed can vary a lot sometimes.
You may try a different multi-GPU trainer; the speed can vary a lot sometimes.
Note that scalibility
measurement always trains
with the same "batch size per GPU", not the same total equivalent batch size.
Note that scalibility
is always measured
with the same "batch size per GPU", not the same total equivalent batch size.
examples/A3C-Gym/train-atari.py
View file @
11932e68
...
@@ -13,7 +13,7 @@ import tensorflow as tf
...
@@ -13,7 +13,7 @@ import tensorflow as tf
import
six
import
six
from
six.moves
import
queue
from
six.moves
import
queue
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.utils.concurrency
import
ensure_proc_terminate
,
start_proc_mask_signal
from
tensorpack.utils.concurrency
import
ensure_proc_terminate
,
start_proc_mask_signal
from
tensorpack.utils.serialize
import
dumps
from
tensorpack.utils.serialize
import
dumps
...
...
examples/CTC-TIMIT/train-timit.py
View file @
11932e68
...
@@ -7,7 +7,7 @@ import os
...
@@ -7,7 +7,7 @@ import os
import
argparse
import
argparse
from
six.moves
import
range
from
six.moves
import
range
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.gradproc
import
SummaryGradient
,
GlobalNormClip
from
tensorpack.tfutils.gradproc
import
SummaryGradient
,
GlobalNormClip
import
tensorflow
as
tf
import
tensorflow
as
tf
...
...
examples/Char-RNN/char-rnn.py
View file @
11932e68
...
@@ -12,7 +12,7 @@ import operator
...
@@ -12,7 +12,7 @@ import operator
import
six
import
six
from
six.moves
import
range
from
six.moves
import
range
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils
import
symbolic_functions
,
summary
,
optimizer
from
tensorpack.tfutils
import
symbolic_functions
,
summary
,
optimizer
from
tensorpack.tfutils.gradproc
import
GlobalNormClip
from
tensorpack.tfutils.gradproc
import
GlobalNormClip
...
...
examples/DeepQNetwork/DQN.py
View file @
11932e68
...
@@ -8,7 +8,7 @@ import argparse
...
@@ -8,7 +8,7 @@ import argparse
import
cv2
import
cv2
import
tensorflow
as
tf
import
tensorflow
as
tf
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
DQNModel
import
Model
as
DQNModel
from
DQNModel
import
Model
as
DQNModel
...
...
examples/DisturbLabel/mnist-disturb.py
View file @
11932e68
...
@@ -6,7 +6,7 @@
...
@@ -6,7 +6,7 @@
import
os
import
os
import
argparse
import
argparse
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.dataflow
import
dataset
from
tensorpack.dataflow
import
dataset
import
tensorflow
as
tf
import
tensorflow
as
tf
...
...
examples/DisturbLabel/svhn-disturb.py
View file @
11932e68
...
@@ -7,7 +7,7 @@ import argparse
...
@@ -7,7 +7,7 @@ import argparse
import
os
import
os
import
imp
import
imp
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.dataflow
import
dataset
from
tensorpack.dataflow
import
dataset
...
...
examples/DoReFa-Net/alexnet-dorefa.py
View file @
11932e68
...
@@ -10,7 +10,7 @@ import numpy as np
...
@@ -10,7 +10,7 @@ import numpy as np
import
os
import
os
import
sys
import
sys
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.symbolic_functions
import
prediction_incorrect
from
tensorpack.tfutils.symbolic_functions
import
prediction_incorrect
from
tensorpack.tfutils.summary
import
add_moving_summary
,
add_param_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
,
add_param_summary
...
...
examples/DoReFa-Net/svhn-digit-dorefa.py
View file @
11932e68
...
@@ -4,9 +4,7 @@
...
@@ -4,9 +4,7 @@
# Author: Yuxin Wu <ppwwyyxxc@gmail.com>
# Author: Yuxin Wu <ppwwyyxxc@gmail.com>
import
argparse
import
argparse
import
os
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.symbolic_functions
import
prediction_incorrect
from
tensorpack.tfutils.symbolic_functions
import
prediction_incorrect
from
tensorpack.tfutils.summary
import
add_moving_summary
,
add_param_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
,
add_param_summary
...
...
examples/DynamicFilterNetwork/steering-filter.py
View file @
11932e68
...
@@ -6,12 +6,11 @@ import argparse
...
@@ -6,12 +6,11 @@ import argparse
import
numpy
as
np
import
numpy
as
np
import
tensorflow
as
tf
import
tensorflow
as
tf
import
cv2
import
cv2
import
os
from
scipy.signal
import
convolve2d
from
scipy.signal
import
convolve2d
from
six.moves
import
range
,
zip
from
six.moves
import
range
,
zip
import
multiprocessing
import
multiprocessing
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.utils
import
logger
from
tensorpack.utils
import
logger
from
tensorpack.utils.viz
import
*
from
tensorpack.utils.viz
import
*
...
...
examples/FasterRCNN/train.py
View file @
11932e68
...
@@ -13,7 +13,7 @@ import numpy as np
...
@@ -13,7 +13,7 @@ import numpy as np
import
json
import
json
import
tensorflow
as
tf
import
tensorflow
as
tf
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils
import
optimizer
from
tensorpack.tfutils
import
optimizer
...
...
examples/GAN/BEGAN.py
View file @
11932e68
...
@@ -3,9 +3,6 @@
...
@@ -3,9 +3,6 @@
# File: BEGAN.py
# File: BEGAN.py
# Author: Yuxin Wu <ppwwyyxxc@gmail.com>
# Author: Yuxin Wu <ppwwyyxxc@gmail.com>
import
os
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.utils.gpu
import
get_nr_gpu
from
tensorpack.utils.gpu
import
get_nr_gpu
...
...
examples/GAN/ConditionalGAN-mnist.py
View file @
11932e68
...
@@ -9,7 +9,7 @@ import os
...
@@ -9,7 +9,7 @@ import os
import
cv2
import
cv2
import
argparse
import
argparse
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.utils.viz
import
interactive_imshow
,
stack_patches
from
tensorpack.utils.viz
import
interactive_imshow
,
stack_patches
import
tensorpack.tfutils.symbolic_functions
as
symbf
import
tensorpack.tfutils.symbolic_functions
as
symbf
...
...
examples/GAN/CycleGAN.py
View file @
11932e68
...
@@ -8,7 +8,7 @@ import argparse
...
@@ -8,7 +8,7 @@ import argparse
import
glob
import
glob
from
six.moves
import
range
from
six.moves
import
range
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils.scope_utils
import
auto_reuse_variable_scope
from
tensorpack.tfutils.scope_utils
import
auto_reuse_variable_scope
...
...
examples/GAN/DCGAN.py
View file @
11932e68
...
@@ -8,7 +8,7 @@ import numpy as np
...
@@ -8,7 +8,7 @@ import numpy as np
import
os
import
os
import
argparse
import
argparse
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.utils.viz
import
stack_patches
from
tensorpack.utils.viz
import
stack_patches
from
tensorpack.tfutils.scope_utils
import
auto_reuse_variable_scope
from
tensorpack.tfutils.scope_utils
import
auto_reuse_variable_scope
...
...
examples/GAN/DiscoGAN-CelebA.py
View file @
11932e68
...
@@ -8,7 +8,7 @@ import argparse
...
@@ -8,7 +8,7 @@ import argparse
from
six.moves
import
map
,
zip
from
six.moves
import
map
,
zip
import
numpy
as
np
import
numpy
as
np
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils.scope_utils
import
auto_reuse_variable_scope
from
tensorpack.tfutils.scope_utils
import
auto_reuse_variable_scope
...
...
examples/GAN/Image2Image.py
View file @
11932e68
...
@@ -10,7 +10,7 @@ import glob
...
@@ -10,7 +10,7 @@ import glob
import
os
import
os
import
argparse
import
argparse
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.utils.viz
import
stack_patches
from
tensorpack.utils.viz
import
stack_patches
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
...
...
examples/GAN/Improved-WGAN.py
View file @
11932e68
...
@@ -3,9 +3,6 @@
...
@@ -3,9 +3,6 @@
# File: Improved-WGAN.py
# File: Improved-WGAN.py
# Author: Yuxin Wu <ppwwyyxxc@gmail.com>
# Author: Yuxin Wu <ppwwyyxxc@gmail.com>
import
os
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.utils.globvars
import
globalns
as
G
from
tensorpack.utils.globvars
import
globalns
as
G
...
...
examples/GAN/InfoGAN-mnist.py
View file @
11932e68
...
@@ -9,7 +9,7 @@ import tensorflow as tf
...
@@ -9,7 +9,7 @@ import tensorflow as tf
import
os
import
os
import
argparse
import
argparse
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.utils
import
viz
from
tensorpack.utils
import
viz
from
tensorpack.tfutils.scope_utils
import
auto_reuse_variable_scope
,
under_name_scope
from
tensorpack.tfutils.scope_utils
import
auto_reuse_variable_scope
,
under_name_scope
...
...
examples/GAN/WGAN.py
View file @
11932e68
...
@@ -3,9 +3,6 @@
...
@@ -3,9 +3,6 @@
# File: WGAN.py
# File: WGAN.py
# Author: Yuxin Wu <ppwwyyxxc@gmail.com>
# Author: Yuxin Wu <ppwwyyxxc@gmail.com>
import
os
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.utils.globvars
import
globalns
as
G
from
tensorpack.utils.globvars
import
globalns
as
G
...
...
examples/HED/hed.py
View file @
11932e68
...
@@ -9,7 +9,7 @@ import argparse
...
@@ -9,7 +9,7 @@ import argparse
from
six.moves
import
zip
from
six.moves
import
zip
import
os
import
os
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.dataflow
import
dataset
from
tensorpack.dataflow
import
dataset
from
tensorpack.utils.gpu
import
get_nr_gpu
from
tensorpack.utils.gpu
import
get_nr_gpu
...
...
examples/Inception/inception-bn.py
View file @
11932e68
...
@@ -7,7 +7,7 @@ import argparse
...
@@ -7,7 +7,7 @@ import argparse
import
os
import
os
import
tensorflow
as
tf
import
tensorflow
as
tf
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.symbolic_functions
import
prediction_incorrect
from
tensorpack.tfutils.symbolic_functions
import
prediction_incorrect
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
...
...
examples/Inception/inceptionv3.py
View file @
11932e68
...
@@ -9,7 +9,7 @@ import os
...
@@ -9,7 +9,7 @@ import os
import
tensorflow
as
tf
import
tensorflow
as
tf
import
multiprocessing
import
multiprocessing
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.symbolic_functions
import
prediction_incorrect
from
tensorpack.tfutils.symbolic_functions
import
prediction_incorrect
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
...
...
examples/PennTreebank/PTB-LSTM.py
View file @
11932e68
...
@@ -7,7 +7,7 @@ import numpy as np
...
@@ -7,7 +7,7 @@ import numpy as np
import
os
import
os
import
argparse
import
argparse
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils
import
optimizer
,
summary
,
gradproc
from
tensorpack.tfutils
import
optimizer
,
summary
,
gradproc
from
tensorpack.utils
import
logger
from
tensorpack.utils
import
logger
...
...
examples/ResNet/cifar10-preact18-mixup.py
View file @
11932e68
...
@@ -7,7 +7,7 @@ import numpy as np
...
@@ -7,7 +7,7 @@ import numpy as np
import
argparse
import
argparse
import
os
import
os
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.symbolic_functions
import
*
from
tensorpack.tfutils.symbolic_functions
import
*
from
tensorpack.tfutils.summary
import
*
from
tensorpack.tfutils.summary
import
*
...
...
examples/ResNet/cifar10-resnet.py
View file @
11932e68
...
@@ -6,7 +6,7 @@
...
@@ -6,7 +6,7 @@
import
argparse
import
argparse
import
os
import
os
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.summary
import
add_moving_summary
,
add_param_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
,
add_param_summary
from
tensorpack.utils.gpu
import
get_nr_gpu
from
tensorpack.utils.gpu
import
get_nr_gpu
...
...
examples/ResNet/imagenet-resnet.py
View file @
11932e68
...
@@ -5,7 +5,7 @@
...
@@ -5,7 +5,7 @@
import
argparse
import
argparse
import
os
import
os
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
logger
,
QueueInput
from
tensorpack
import
logger
,
QueueInput
from
tensorpack.models
import
*
from
tensorpack.models
import
*
from
tensorpack.callbacks
import
*
from
tensorpack.callbacks
import
*
...
...
examples/Saliency/CAM-resnet.py
View file @
11932e68
...
@@ -9,7 +9,7 @@ import numpy as np
...
@@ -9,7 +9,7 @@ import numpy as np
import
os
import
os
import
multiprocessing
import
multiprocessing
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
import
tensorflow
as
tf
import
tensorflow
as
tf
from
tensorflow.contrib.layers
import
variance_scaling_initializer
from
tensorflow.contrib.layers
import
variance_scaling_initializer
from
tensorpack
import
*
from
tensorpack
import
*
...
...
examples/ShuffleNet/shufflenet.py
View file @
11932e68
...
@@ -9,7 +9,7 @@ import cv2
...
@@ -9,7 +9,7 @@ import cv2
import
tensorflow
as
tf
import
tensorflow
as
tf
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
logger
,
QueueInput
,
InputDesc
,
PlaceholderInput
,
TowerContext
from
tensorpack
import
logger
,
QueueInput
,
InputDesc
,
PlaceholderInput
,
TowerContext
from
tensorpack.models
import
*
from
tensorpack.models
import
*
from
tensorpack.callbacks
import
*
from
tensorpack.callbacks
import
*
...
...
examples/SimilarityLearning/mnist-embeddings.py
View file @
11932e68
...
@@ -3,13 +3,11 @@
...
@@ -3,13 +3,11 @@
# File: mnist-embeddings.py
# File: mnist-embeddings.py
import
numpy
as
np
import
numpy
as
np
import
os
import
argparse
import
argparse
import
tensorflow
as
tf
import
tensorflow
as
tf
import
tensorflow.contrib.slim
as
slim
import
tensorflow.contrib.slim
as
slim
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.tfutils.summary
import
add_moving_summary
from
tensorpack.utils.gpu
import
change_gpu
from
tensorpack.utils.gpu
import
change_gpu
...
...
examples/SpatialTransformer/mnist-addition.py
View file @
11932e68
...
@@ -9,7 +9,7 @@ import tensorflow as tf
...
@@ -9,7 +9,7 @@ import tensorflow as tf
import
os
import
os
import
argparse
import
argparse
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.dataflow
import
dataset
from
tensorpack.dataflow
import
dataset
from
tensorpack.tfutils
import
sesscreate
,
optimizer
,
summary
from
tensorpack.tfutils
import
sesscreate
,
optimizer
,
summary
...
...
examples/boilerplate.py
View file @
11932e68
...
@@ -5,7 +5,7 @@
...
@@ -5,7 +5,7 @@
import
os
import
os
import
argparse
import
argparse
import
tensorflow
as
tf
import
tensorflow
as
tf
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
"""
"""
...
...
examples/cifar-convnet.py
View file @
11932e68
...
@@ -6,7 +6,7 @@ import tensorflow as tf
...
@@ -6,7 +6,7 @@ import tensorflow as tf
import
argparse
import
argparse
import
os
import
os
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils.summary
import
*
from
tensorpack.tfutils.summary
import
*
from
tensorpack.dataflow
import
dataset
from
tensorpack.dataflow
import
dataset
...
...
examples/mnist-convnet.py
View file @
11932e68
...
@@ -10,7 +10,7 @@ MNIST ConvNet example.
...
@@ -10,7 +10,7 @@ MNIST ConvNet example.
about 0.6
%
validation error after 30 epochs.
about 0.6
%
validation error after 30 epochs.
"""
"""
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
# Just import everything into current namespace
# Just import everything into current namespace
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.tfutils
import
summary
from
tensorpack.tfutils
import
summary
...
...
examples/mnist-keras.py
View file @
11932e68
...
@@ -4,8 +4,6 @@
...
@@ -4,8 +4,6 @@
# Author: Yuxin Wu <ppwwyyxxc@gmail.com>
# Author: Yuxin Wu <ppwwyyxxc@gmail.com>
import
tensorflow
as
tf
import
tensorflow
as
tf
import
os
from
tensorflow
import
keras
from
tensorflow
import
keras
KL
=
keras
.
layers
KL
=
keras
.
layers
...
@@ -14,7 +12,7 @@ This is an mnist example demonstrating how to use Keras symbolic function inside
...
@@ -14,7 +12,7 @@ This is an mnist example demonstrating how to use Keras symbolic function inside
This way you can define models in Keras-style, and benefit from the more efficeint trainers in tensorpack.
This way you can define models in Keras-style, and benefit from the more efficeint trainers in tensorpack.
"""
"""
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.dataflow
import
dataset
from
tensorpack.dataflow
import
dataset
from
tensorpack.utils.argtools
import
memoized
from
tensorpack.utils.argtools
import
memoized
...
...
examples/mnist-tfslim.py
View file @
11932e68
...
@@ -12,7 +12,7 @@ the only differences are:
...
@@ -12,7 +12,7 @@ the only differences are:
2. use slim names to summarize weights
2. use slim names to summarize weights
"""
"""
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.dataflow
import
dataset
from
tensorpack.dataflow
import
dataset
import
tensorflow
as
tf
import
tensorflow
as
tf
...
...
examples/mnist-visualizations.py
View file @
11932e68
...
@@ -9,7 +9,7 @@ import argparse
...
@@ -9,7 +9,7 @@ import argparse
MNIST ConvNet example with weights/activations visualization.
MNIST ConvNet example with weights/activations visualization.
"""
"""
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.dataflow
import
dataset
from
tensorpack.dataflow
import
dataset
import
tensorflow
as
tf
import
tensorflow
as
tf
...
...
examples/svhn-digit-convnet.py
View file @
11932e68
...
@@ -6,7 +6,7 @@
...
@@ -6,7 +6,7 @@
import
argparse
import
argparse
import
os
import
os
os
.
environ
[
'TENSORPACK_TRAIN_API'
]
=
'v2'
# will become default soon
from
tensorpack
import
*
from
tensorpack
import
*
from
tensorpack.dataflow
import
dataset
from
tensorpack.dataflow
import
dataset
from
tensorpack.tfutils.summary
import
*
from
tensorpack.tfutils.summary
import
*
...
...
tensorpack/__init__.py
View file @
11932e68
...
@@ -16,8 +16,8 @@ if _HAS_TF:
...
@@ -16,8 +16,8 @@ if _HAS_TF:
from
tensorpack.callbacks
import
*
from
tensorpack.callbacks
import
*
from
tensorpack.tfutils
import
*
from
tensorpack.tfutils
import
*
#
In development. Default to v1
#
Default to v2
if
_os
.
environ
.
get
(
'TENSORPACK_TRAIN_API'
,
'v
1
'
)
==
'v2'
:
if
_os
.
environ
.
get
(
'TENSORPACK_TRAIN_API'
,
'v
2
'
)
==
'v2'
:
from
tensorpack.train
import
*
from
tensorpack.train
import
*
else
:
else
:
from
tensorpack.trainv1
import
*
from
tensorpack.trainv1
import
*
...
...
Write
Preview
Markdown
is supported
0%
Try again
or
attach a new file
Attach a file
Cancel
You are about to add
0
people
to the discussion. Proceed with caution.
Finish editing this message first!
Cancel
Please
register
or
sign in
to comment