mirror of
https://github.com/zebrajr/pytorch.git
synced 2025-12-06 12:20:52 +01:00
* fix unit test for sqrt op
From the error logging:
[idx, grad, grad_estimate] are:
[[ 146. 0.5 0.45776367]
[ 147. 0.5 0.45776367]
The gradient == 0.5 is correct, which means the SqrtOp and its gradient is doing right job. (Because y = sqrt(x), loss = y^2/2 = x/2, and then d(loss)/dx = 1/2 = 0.5; )
The test failed because of numerical problem of grad_estimate (in unit test). It can be because the step_size is small, and float precision is not high (when there are multiple elements in the tensor, we do sum(y^2) to compute loss)
This diff
- increase the step size, and also move the test cases to be further away from 0 (where sqrt(x) is not well defined) to be safe :)
- also clean up, and merge the test case for inplace Vs. non-inplace
Tested with:
`CAFFE2_HYPOTHESIS_PROFILE=debug ai_bt caffe2/caffe2/python/operator_test:elementwise_ops_test -- "test_sqrt"`
* CompositeReader & CompositeReaderBuilder
A new type of reader gluing multiple readers together.
* Back out "Revert D7394363: [GanH]: Log D Trick for Cross Entropy with Sigmoid"
Original commit changeset: 9325a4356dbe
* [dai][WIP] convert params to int8 on ps before sending to trainer
Add float->uint8 conversion in addition to float->fp16 conversion in model_saver.
* [easy] improve unit test for sparse length sum ops
as desc.
#accept2ship
* Update GitHub upstream to 771fcb3455
* move sparse hash unique ops to OOS and add unit tests
- move the SparseHash version to OOS, since 'sparsehash' is already deps of caffe2 OOS: https://fburl.com/arssw4n1
- The 'SparseHash' engine is also being used in OOS, so the SparseHash version shall be in OOS to reduce confusion: https://fburl.com/o5ea7ah2
- fix the CUDA UniqueOp for the case when batch is empty.
- add unit test
* group_norm_op for caffe2
This is the cuda op for Group Normalization (GN): https://arxiv.org/abs/1803.08494
This code implements GN in one op that computes Y=gamma * (X-mu) / sigma + beta and also its gradients. It is expected to have minimal memory consumption (similar to the BN op), without creating new blobs if GN were implemented as several ops (e.g., reshape, norm_mean/std, affine_channel).
* Resubmit D7405233: disappeared in D7464958
OOS publish causes the op missing -- however, test was still there
* [c2] add sparse hash engine for cuda unique op
The SparseHash version of UniqueOp copy input tensor to CPU, and make use of sparse hash map to get unique output, and then copy back to GPU.
* [dper][gpu] enable unit testing gpu trainer for sparse nn
to debug the GPU trainer using mock data in unit test.
make it easier to develop GPU trainer for new models.
* Reuse Gloo context for Synchronize() calls
Previously we were creating (and leaking) the Gloo context on each call to Synchronize(). Now only run the common world op and create the barrier net once, then run the barrier net on each Synchronize() call. Since timeout is associated with the Gloo context, assert that the timeout is fixed instead of trying to handle the complexity of multiple timeouts (and associated contexts).
* [GanH/WGAN][1/n]: add FC param clipping
as titled
* [mobile] minimizing changes between caffe2_benchmark and speed_benchmark
* [GanH]: enable diagnose within model
avoid finding blob names but to directly enable inside the model
* Add `net_transformer_fun` option to DPM
This callback allows for various transformations to be made to the
model after gradient operators have been added. The immediate motivation for
this is to allow transformations such has "checkpoint-and-recompute" which
allow trading off memory for additional compute.
Adding several callbacks like this has made DPM's API less than ideal at this
stage. However, I could not find any reasonable alternative.
* [DT] [33/n] Compile flow task groups
task groups need to compiled in order to pickle the object in fblearner. However I also changed the Job's compile function as creating new object is not necessary.
* Initial commit for sparse_normalize vectorization and benchmark
* [GanH]: LB Calibration for JSD
as titled
* Tracing event in async executor
Adding event tracing through TRACE_EVENT macro in async executor
* [Resubmit] D7409751 Reseting book-keeping blobs when the reservoir is reset
D7409751 got lost in D7464958
* Visualizing realtime weights values
we want to visualize the weights values as optimizer is iterating. This diff supports to visual the weights at an assigned index.
Currently, we assume the blob to be 2 dimensional.
* [GanH][Easy]: Fix Homotopy Weighting
apparantely, there was a bug in homotopy weight (alpha, beta) update
* [c2] move sparse hash unique op out of oss
so that oss do not need to depend on google hash map.
* Get rid of std::round as it's not supported on Android
* Revert changes on setup.py
* Skip shaky test on Dataio
* fix
241 lines
7.6 KiB
Python
241 lines
7.6 KiB
Python
## @package cnn
|
|
# Module caffe2.python.cnn
|
|
from __future__ import absolute_import
|
|
from __future__ import division
|
|
from __future__ import print_function
|
|
from __future__ import unicode_literals
|
|
|
|
from caffe2.python import brew
|
|
from caffe2.python.model_helper import ModelHelper
|
|
from caffe2.proto import caffe2_pb2
|
|
import logging
|
|
|
|
|
|
class CNNModelHelper(ModelHelper):
|
|
"""A helper model so we can write CNN models more easily, without having to
|
|
manually define parameter initializations and operators separately.
|
|
"""
|
|
|
|
def __init__(self, order="NCHW", name=None,
|
|
use_cudnn=True, cudnn_exhaustive_search=False,
|
|
ws_nbytes_limit=None, init_params=True,
|
|
skip_sparse_optim=False,
|
|
param_model=None):
|
|
logging.warning(
|
|
"[====DEPRECATE WARNING====]: you are creating an "
|
|
"object from CNNModelHelper class which will be deprecated soon. "
|
|
"Please use ModelHelper object with brew module. For more "
|
|
"information, please refer to caffe2.ai and python/brew.py, "
|
|
"python/brew_test.py for more information."
|
|
)
|
|
|
|
cnn_arg_scope = {
|
|
'order': order,
|
|
'use_cudnn': use_cudnn,
|
|
'cudnn_exhaustive_search': cudnn_exhaustive_search,
|
|
}
|
|
if ws_nbytes_limit:
|
|
cnn_arg_scope['ws_nbytes_limit'] = ws_nbytes_limit
|
|
super(CNNModelHelper, self).__init__(
|
|
skip_sparse_optim=skip_sparse_optim,
|
|
name="CNN" if name is None else name,
|
|
init_params=init_params,
|
|
param_model=param_model,
|
|
arg_scope=cnn_arg_scope,
|
|
)
|
|
|
|
self.order = order
|
|
self.use_cudnn = use_cudnn
|
|
self.cudnn_exhaustive_search = cudnn_exhaustive_search
|
|
self.ws_nbytes_limit = ws_nbytes_limit
|
|
if self.order != "NHWC" and self.order != "NCHW":
|
|
raise ValueError(
|
|
"Cannot understand the CNN storage order %s." % self.order
|
|
)
|
|
|
|
def ImageInput(self, blob_in, blob_out, use_gpu_transform=False, **kwargs):
|
|
return brew.image_input(
|
|
self,
|
|
blob_in,
|
|
blob_out,
|
|
order=self.order,
|
|
use_gpu_transform=use_gpu_transform,
|
|
**kwargs
|
|
)
|
|
|
|
def VideoInput(self, blob_in, blob_out, **kwargs):
|
|
return brew.video_input(
|
|
self,
|
|
blob_in,
|
|
blob_out,
|
|
**kwargs
|
|
)
|
|
|
|
def PadImage(self, blob_in, blob_out, **kwargs):
|
|
# TODO(wyiming): remove this dummy helper later
|
|
self.net.PadImage(blob_in, blob_out, **kwargs)
|
|
|
|
def ConvNd(self, *args, **kwargs):
|
|
return brew.conv_nd(
|
|
self,
|
|
*args,
|
|
use_cudnn=self.use_cudnn,
|
|
order=self.order,
|
|
cudnn_exhaustive_search=self.cudnn_exhaustive_search,
|
|
ws_nbytes_limit=self.ws_nbytes_limit,
|
|
**kwargs
|
|
)
|
|
|
|
def Conv(self, *args, **kwargs):
|
|
return brew.conv(
|
|
self,
|
|
*args,
|
|
use_cudnn=self.use_cudnn,
|
|
order=self.order,
|
|
cudnn_exhaustive_search=self.cudnn_exhaustive_search,
|
|
ws_nbytes_limit=self.ws_nbytes_limit,
|
|
**kwargs
|
|
)
|
|
|
|
def ConvTranspose(self, *args, **kwargs):
|
|
return brew.conv_transpose(
|
|
self,
|
|
*args,
|
|
use_cudnn=self.use_cudnn,
|
|
order=self.order,
|
|
cudnn_exhaustive_search=self.cudnn_exhaustive_search,
|
|
ws_nbytes_limit=self.ws_nbytes_limit,
|
|
**kwargs
|
|
)
|
|
|
|
def GroupConv(self, *args, **kwargs):
|
|
return brew.group_conv(
|
|
self,
|
|
*args,
|
|
use_cudnn=self.use_cudnn,
|
|
order=self.order,
|
|
cudnn_exhaustive_search=self.cudnn_exhaustive_search,
|
|
ws_nbytes_limit=self.ws_nbytes_limit,
|
|
**kwargs
|
|
)
|
|
|
|
def GroupConv_Deprecated(self, *args, **kwargs):
|
|
return brew.group_conv_deprecated(
|
|
self,
|
|
*args,
|
|
use_cudnn=self.use_cudnn,
|
|
order=self.order,
|
|
cudnn_exhaustive_search=self.cudnn_exhaustive_search,
|
|
ws_nbytes_limit=self.ws_nbytes_limit,
|
|
**kwargs
|
|
)
|
|
|
|
def FC(self, *args, **kwargs):
|
|
return brew.fc(self, *args, **kwargs)
|
|
|
|
def PackedFC(self, *args, **kwargs):
|
|
return brew.packed_fc(self, *args, **kwargs)
|
|
|
|
def FC_Prune(self, *args, **kwargs):
|
|
return brew.fc_prune(self, *args, **kwargs)
|
|
|
|
def FC_Decomp(self, *args, **kwargs):
|
|
return brew.fc_decomp(self, *args, **kwargs)
|
|
|
|
def FC_Sparse(self, *args, **kwargs):
|
|
return brew.fc_sparse(self, *args, **kwargs)
|
|
|
|
def Dropout(self, *args, **kwargs):
|
|
return brew.dropout(
|
|
self, *args, order=self.order, use_cudnn=self.use_cudnn, **kwargs
|
|
)
|
|
|
|
def LRN(self, *args, **kwargs):
|
|
return brew.lrn(
|
|
self, *args, order=self.order, use_cudnn=self.use_cudnn, **kwargs
|
|
)
|
|
|
|
def Softmax(self, *args, **kwargs):
|
|
return brew.softmax(self, *args, use_cudnn=self.use_cudnn, **kwargs)
|
|
|
|
def SpatialBN(self, *args, **kwargs):
|
|
return brew.spatial_bn(self, *args, order=self.order, **kwargs)
|
|
|
|
def SpatialGN(self, *args, **kwargs):
|
|
return brew.spatial_gn(self, *args, order=self.order, **kwargs)
|
|
|
|
def InstanceNorm(self, *args, **kwargs):
|
|
return brew.instance_norm(self, *args, order=self.order, **kwargs)
|
|
|
|
def Relu(self, *args, **kwargs):
|
|
return brew.relu(
|
|
self, *args, order=self.order, use_cudnn=self.use_cudnn, **kwargs
|
|
)
|
|
|
|
def PRelu(self, *args, **kwargs):
|
|
return brew.prelu(self, *args, **kwargs)
|
|
|
|
def Concat(self, *args, **kwargs):
|
|
return brew.concat(self, *args, order=self.order, **kwargs)
|
|
|
|
def DepthConcat(self, *args, **kwargs):
|
|
"""The old depth concat function - we should move to use concat."""
|
|
print("DepthConcat is deprecated. use Concat instead.")
|
|
return self.Concat(*args, **kwargs)
|
|
|
|
def Sum(self, *args, **kwargs):
|
|
return brew.sum(self, *args, **kwargs)
|
|
|
|
def Transpose(self, *args, **kwargs):
|
|
return brew.transpose(self, *args, use_cudnn=self.use_cudnn, **kwargs)
|
|
|
|
def Iter(self, *args, **kwargs):
|
|
return brew.iter(self, *args, **kwargs)
|
|
|
|
def Accuracy(self, *args, **kwargs):
|
|
return brew.accuracy(self, *args, **kwargs)
|
|
|
|
def MaxPool(self, *args, **kwargs):
|
|
return brew.max_pool(
|
|
self, *args, use_cudnn=self.use_cudnn, order=self.order, **kwargs
|
|
)
|
|
|
|
def MaxPoolWithIndex(self, *args, **kwargs):
|
|
return brew.max_pool_with_index(self, *args, order=self.order, **kwargs)
|
|
|
|
def AveragePool(self, *args, **kwargs):
|
|
return brew.average_pool(
|
|
self, *args, use_cudnn=self.use_cudnn, order=self.order, **kwargs
|
|
)
|
|
|
|
@property
|
|
def XavierInit(self):
|
|
return ('XavierFill', {})
|
|
|
|
def ConstantInit(self, value):
|
|
return ('ConstantFill', dict(value=value))
|
|
|
|
@property
|
|
def MSRAInit(self):
|
|
return ('MSRAFill', {})
|
|
|
|
@property
|
|
def ZeroInit(self):
|
|
return ('ConstantFill', {})
|
|
|
|
def AddWeightDecay(self, weight_decay):
|
|
return brew.add_weight_decay(self, weight_decay)
|
|
|
|
@property
|
|
def CPU(self):
|
|
device_option = caffe2_pb2.DeviceOption()
|
|
device_option.device_type = caffe2_pb2.CPU
|
|
return device_option
|
|
|
|
@property
|
|
def GPU(self, gpu_id=0):
|
|
device_option = caffe2_pb2.DeviceOption()
|
|
device_option.device_type = caffe2_pb2.CUDA
|
|
device_option.cuda_gpu_id = gpu_id
|
|
return device_option
|