facebookresearch / Detectron

FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
Apache License 2.0
26.21k stars 5.45k forks source link

Project dependencies may have API risk issues #1031

Open PyDeps opened 1 year ago

PyDeps commented 1 year ago

Hi, In Detectron, inappropriate dependency versioning constraints can cause risks.

Below are the dependencies and version constraints that the project is using

numpy>=1.13
pyyaml==3.12
matplotlib*
opencv-python>=3.2
setuptools*
Cython*
mock*
scipy*
six*
future*
protobuf*

The version constraint == will introduce the risk of dependency conflicts because the scope of dependencies is too strict. The version constraint No Upper Bound and * will introduce the risk of the missing API Error because the latest version of the dependencies may remove some APIs.

After further analysis, in this project, The version constraint of dependency future can be changed to ==0.3.0. The version constraint of dependency future can be changed to >=0.12.0,<=0.18.2.

The above modification suggestions can reduce the dependency conflicts as much as possible, and introduce the latest version as much as possible without calling Error in the projects.

The invocation of the current project includes all the following methods.

The calling methods from the future
urllib.request.urlopen
The calling methods from the all methods
inputs.items
caffenet_weights.ParseFromString
core_config.merge_cfg_from_cfg
A.W.H._labels.reshape.transpose
re.match
get_min_max_levels
model.BilinearInterpolation
metrics.keys
valid_segms.append
type
round
self.net.NextName
add_residual_block
model.mask_net.Proto
core.InjectDeviceCopiesAmongNets
np.logical_and
W.H._bbox_targets.reshape.transpose
FieldOfAnchors
_coco_segms_results_one_category
reversed
new_net.Proto.external_input.extend
response.info
threading.Event
FPN.add_fpn_rpn_losses
_bbox_inside_weights.reshape
w.start
model.AddGradientOperators
losses.append
AttributeError
np.transpose
convert_coco_blobs_to_cityscape_blobs
coco_blob.reshape
anchor_by_gt_overlap.argmax
log_json_stats
get_nvidia_smi_output
self.COCO.getImgIds
logging.basicConfig
core.DeviceOption
_use_voc_evaluator
model.TrainableParams
remove_momentum
self._SetNewLr
CudaDevice
rois_idx_order.np.argsort.astype
gauss_fill
mask_rcnn_fcn_head_v1upXconvs
blob_utils.im_list_to_blob
core.Net
time.sleep
sys.stdout.flush
np.where
plt.figure
box_to_gt_ind_map.astype
model.net.SelectSmoothL1Loss
all_anchors.reshape
e.copy
ops_ref.extend
self._add_proposals_from_file
model.GenerateProposals
_DATASETS.keys
self.SpatialGN
ex_gt_overlaps.argmax
normalize_resnet_name
input_blobs.items
enumerate
core.NameScope
training_stats.UpdateIterStats
np.append
vis_utils.convert_from_cls_format
hash_obj.hexdigest
self.values
add_single_scale_rpn_outputs
np.spacing
im_info.astype
keypoint_utils.keypoints_to_heatmap_labels
blobs.append
lvl.str.k.blobs.append
roi_data_minibatch.get_minibatch_blob_names
os.makedirs
unscoped_param_name.find
head_loss_gradients.values
_create_tensor
ord
cache_cfg_urls
npr.choice
workspace.GlobalInit
mask_rcnn_heads.add_mask_rcnn_losses
segm_utils.polys_to_boxes
_t.toc
self.Conv
kwargs.OpFilter.check
h5py.File
k.roi_map_probs.max
response.read
keypoint_rcnn_heads.add_keypoint_outputs
mask_rcnn_roi_data.add_mask_rcnn_blobs
_write_coco_keypoint_results_file
caffe_pb2.NetParameter
_scale_enum
self.GetStats
c.reshape
np.amax
_remove_layers
A.W.H._bbox_inside_weights.reshape.transpose
op.device_option.CopyFrom
model.ConvGN
envu.get_py_bin_ext
flipped_roidb.append
convert_func.cs.getattr
x
_export_to_logfiledb
cfg_to_load.replace
json_dataset_evaluator.evaluate_boxes
coordinated_get
mask.sum
remove_spatial_bn_layers
AttrDict
argparse.ArgumentParser
_empty_box_results
model.AddLosses
task_evaluation.evaluate_all
model.RoIFeatureTransform
_key_is_renamed
get_minibatch
timers.items
model.net.Name
fuse_first_affine
labels.fill
is_valid
self.ConvTranspose
envu.yaml_load
workspace.ResetWorkspace
caffemodel_file_name.open.read
stats.items
model.WeightedSum
model.param_init_net.ConstantFill
blobs.update
workspace.RunNet
k.blobs.append
init_net.Proto
plt.close
top_segms_out.append
spatial_scales.insert
_check_and_coerce_cfg_value_type
proposal_to_gt_overlaps.argmax
np.column_stack
self.train.CollectAndDistributeFpnRpnProposalsOp.forward.self.net.Python
join
smtplib.SMTP
threading.local
np.isnan
k.endswith
get_bounds
combined_roidb_for_training
np.ones
build_generic_detection_model
np.meshgrid
configure_bbox_reg_weights
self.coordinator.wait_for_stop
check_blobs.keys
c2_utils.GpuNameScope
_coco_eval_to_box_results
i.rpn_blobs.items
c2_utils.CudaScope
open
im_list_to_blob
log_subprocess_output
self.net.GenerateProposals
_get_rpn_blobs
mutils.compare_model
subprocess.check_output
generate_anchors
_get_voc_results_file_template
TrainingStats
merge_cfg_from_cfg
heatmaps.copy
lr_policy.get_lr_at_iter
segm_utils.polys_to_mask_wrt_box
c2_utils.import_detectron_ops
model_dict.keys
score.format.lstrip
convert_gen_proposals
compute_bbox_regression_targets
range
output_idx.outputs.reshape
compute_oks
ious.max
model.net.SigmoidCrossEntropyLoss
rois_idx_restore.astype
np.sqrt
self.net.Python
sio.loadmat
model.net.MomentumSGDUpdate
_key_is_deprecated
_sort_proposals
copyfile
pprint.pformat
cmap
fig.savefig
cs.instances2dict_with_polygons
img_name.replace.strip
GenerateProposalLabelsOp
model_builder.create
bbox_deltas.transpose.reshape
op.name.startswith
logger.warn
self._event.is_set
net.op.extend
fuse_func
dataset_catalog.get_ann_fn
line.rstrip.decode
next
self._add_gt_annotations
K.shifts.reshape.transpose
kwargs.get
shutil.copy
box_utils.filter_small_boxes
deque
JsonDataset
evaluate_proposal_file
print
download_url
overlaps.max
json_dataset_evaluator.evaluate_box_proposals
np.asarray
cv2.putText
_save_models
model.net.SoftmaxFocalLoss
main
_roi_bbox_targets.astype
field_of_anchors.astype
rfcn_heads.add_rfcn_outputs
self._get_gt_keypoints
workspace.FeedBlob
convert_from_cls_format
np.floor
blob.transpose
_coco_bbox_results_one_category
cache_url
box_utils.xywh_to_xyxy
pickle_weights
np.hstack
np.log
np.random.choice
rpn_roi_data.add_rpn_blobs
fast_rcnn_heads.add_fast_rcnn_losses
c2_utils.BlobReferenceList
subprocess.call
caffe2_pb2.NetDef
np.random.randn
reset_names
boxes.copy
keypoints.index
c2_utils.CudaDevice
rpn_blobs.items
i.classes.rjust
parse_args
self.create_blobs_queues
keypoint_rcnn_roi_data.finalize_keypoint_minibatch
add_tensor
get_anchors
v.immutable
gt_boxes.astype
convert_coco_blob_to_cityscapes_blob
f.read
net_drawer.GetPydotGraphMinimal
blob_out.init
cfg.RESNETS.STEM_FUNC.globals
convert_op_in_proto
np.ascontiguousarray
bbox_overlaps
self.should_stop
fig.set_size_inches
self.coordinator.request_stop
c2_utils.UnscopeName
nu.print_net
plt.get_cmap
json_dataset.name.find
blobs.copy
caffenet.layer.pop
p.stdout.close
os.path.join
inputs.append
cs_blob.reshape
model.net.Reshape
valid.astype
extend_with_flipped_entries
d.BB.astype
conv_body_func
recalls.mean.mean
response.info.getheader.strip
bboxs_util.xyxy_to_xywh
ResNet.add_stage
caffe_pb2.BlobProto
op.input.isdigit
Timer
pickle.loads
wraps
bl_out_list.append
model.net.SampleAs
np.average
scores.argsort
json_dataset.COCO.getImgIds
defaultdict
add_conv_body_func
box_utils.bbox_transform_inv
info.decode
str
np.mean
net.BlobIsDefined
get_output_dir
cell_anchors.reshape
parser.add_argument
box_utils.nms
v.astype
_filter_boxes
mime.as_string
rois.rois_idx_restore.rois_stacked.all
logger.warning
get_minibatch_blob_names
get_retinanet_bias_init
model_engine.initialize_model_from_cfg
self.Dropout
CudaScope
MIMEText
weights.reshape
keypoint_utils.flip_keypoints
_flip_poly
np.arange
hasattr
Extension
self.create_enqueue_blobs
check_blobs.values
bg_inds.sampled_boxes.reshape
workspace.CreateBlob
training_stats.ResetIterTimer
sys.exit
model.net.GroupSpatialSoftmax
func_name.split
filter_for_training
detectron.utils.train.train_model
vis_keypoints
any
COCOeval
evaluate_boxes
_empty_box_proposal_results
utils.Caffe2TensorToNumpyArray
processed_ims.append
roi_data_loader.get_next_minibatch
nu.broadcast_parameters
blob_utils.serialize
_whctrs
_write_coco_segms_results_file
coco_eval.evaluate
keypoint_flip_map.items
np.testing.assert_array_almost_equal
proposal_to_gt_overlaps.max
inds.sum
COCO
segms_util.polys_to_boxes
convert_net
pretrained_weights.protos.extend
gt_inds.rois.astype
_sort_results
prototxt_file_name.open.read
logger.info
self.deque.append
ret.fill
CollectAndDistributeFpnRpnProposalsOp
GenerateProposalLabelsOp.forward.self.net.Python
gt_overlaps.max
self._shuffle_roidb_inds
os.path.split
rpn_roi_data.get_rpn_blob_names
model1_func
box_utils.unique_boxes
BlobReferenceList
workspace.FetchBlobs
voc_dataset_evaluator.evaluate_boxes
self.COCO.loadCats
url.startswith
polygons_norm.append
new_net.Proto.external_output.extend
_add_multilevel_rois
sampled_labels.astype
sys.stdout.write
single_gpu_build_func
run_inference
c2_utils.import_contrib_ops
fid_txt.write
do_reval
self.net.Conv
t.float_data.extend
test_timer.tic
vis
_merge_a_into_b
subprocess_stdout.close
cityscapes_eval.main
response.info.get.strip
npr.randint
ret_net.Proto
self.train.spatial_scale.anchors.GenerateProposalsOp.forward.self.net.Python
colormap
_do_broadcast
const_fill
method.self.net.__getattr__
model.roi_data_loader.has_stopped
add_stage
np.uint8.obj.pickle.dumps.np.fromstring.astype
self._CorrectMomentum
voc_info
workspace.Blobs
scores_to_probs
logging.getLogger.setLevel
model2_func
format
img_name.replace
dataset.name.find
all
load_and_convert_caffe_model
os.getcwd
removed_tensors.append
keep.append
self.series.append
add_roi_mask_head_func
_coco_kp_results_one_category
fpn.add_multilevel_roi_blobs
fast_rcnn_heads.add_fast_rcnn_outputs
retinanet_roi_data.get_retinanet_blob_names
get_group_gn
retinanet_roi_data.add_retinanet_blobs
loader_loop
cfg.immutable
uuid4
blobs.clear
self.smoothed_mb_qsize.GetMedianValue
results.keys
task_evaluation.log_box_proposal_results
detpath.format
initialize_gpu_from_weights_file
OrderedDict
pickle.dumps
np.zeros_like
envu.import_nccl_ops
box_utils.clip_boxes_to_image
Coordinator
get_keypoints
isinstance
layer.blobs.extend
a.items
test_timer.toc
R.x.x.np.array.astype
self.get_next_minibatch
zip
os.remove
self.net.Concat
osp.join
_do_segmentation_eval
arr.astype
FPN.add_fpn_rpn_outputs
box_utils.clip_tiled_boxes
np.cumsum
t.gt_overlaps.sum
add_bbox_regression_targets
np.array
_save_image_graphs
box_utils.bbox_transform
model.FC
create_input_blobs_for_net
self.__dict__.values
task_evaluation.log_copy_paste_friendly_results
boxes.boxes.all
self.smoothed_mb_qsize.AddValue
logging.getLogger
set
flipped_segms.append
iteritems
caffenet_weights.layer.pop
data_set.split
coco_blob.mean
NotImplementedError
uuid.uuid4
net.external_input.extend
model.GetLossScale
model.ConvTranspose
queue.put
c2_utils.CpuScope
json_dataset.add_proposals
chr
add_bbox_ops
flip_map.items
model.net.UpsampleNearest
_mkanchors
bias.astype
_t.tic
os.rename
p.str.find
weights.gt_rois.ex_rois.box_utils.bbox_transform_inv.astype
threading.Thread
convert_coco_stuff_mat
ann.segms_util.polys_to_boxes.bboxs_util.xyxy_to_xywh.tolist
reset_blob_names
_ornone
caffe2_pb2.TensorProto
os.listdir
plt.autoscale
x.strip
test_engine.initialize_model_from_cfg
_expand_to_class_specific_mask_targets
name_compat.get_new_name
vis_utils.vis_one_image
cv2.addWeighted
kp.keypoints.astype
c2_py_utils.GetGPUMemoryUsageStats
super
generalized_rcnn
_add_class_assignments
self._init_keypoints
broadcast_parameters
self.iter_timer.reset
blob_utils.get_loss_gradients
score_inputs.blob.blob.data.np.concatenate.squeeze
scoped_name.startswith
func
np.random.permutation
envu.get_runtime_dir
results.extend
add_single_scale_rpn_losses
np.nonzero
im.astype
dataset_catalog.contains
self.COCO.loadImgs
os.walk
blobs.astype
rpn_engine.im_proposals
np.concatenate
logger.setLevel
np.array_split
os.path.abspath
evaluate_masks
self.gn_params.append
coordinated_put
outputs.append
_use_json_dataset_evaluator
importlib.import_module
min
run_model_pb
src_blobs.keys
envu.get_detectron_ops_lib
add_fpn
entry.extend
parser.parse_args
all_dets.astype
self._minibatch_queue.full
full_key.split
self.AffineChannel
os.path.exists
_get_lr_change_ratio
predictor_exporter.save_to_db
self._perm.rotate
blobs.items
dataset.get_roidb
i.retinanet_blobs.items
_write_voc_results_files
k.roi_map.argmax
annopath.format
shlex_quote
workspace.RunOperatorOnce
os.path.splitext
fid.write
model.param_init_net.Proto
net_drawer.GetPydotGraph
graph.write_png
f.fileno
inds.max
inds.scores.squeeze
data_utils.get_field_of_anchors
k.find
_sample_rois
np.sum
FpnLevelInfo
logger.error
multi_gpu_generate_rpn_on_dataset
cython_nms.soft_nms
queue.get
blob_utils.zeros
hash_obj.update
workspace.RunNetOnce
coco_blob.std
line.rstrip
response.info.getheader
key.blobs.append
training_stats.LogIterStats
src_name.src_blobs.astype
_labels.reshape
box_utils.bbox_overlaps
A.W.H._bbox_outside_weights.reshape.transpose
keypoint_rcnn_heads.add_keypoint_losses
categories.append
KeyError
op_filter
send_email
_add_roi_keypoint_head
hashlib.md5
vis_mask
np.histogram
valid_objs.append
os.path.dirname
w.join
foas.append
get_func
recalls.mean
k.ljust
json.dumps
outputs.reshape
cuda_visible_devices.split
mask.copy
model.net.DequeueBlobs
model.roi_data_loader.register_sigint_handler
scores.transpose
sorted
possibly_scoped_name.rfind
input_name.isdigit
model.net.Clone
self.DetectionModelHelper.super.__init__
self.close_blobs_queues
putils.MakeArgument
url_md5sum.urllib.request.urlopen.read
np.logical_not
cv2.findContours
add_roi_box_head_func
P_temp.mean
model_dict.items
add_shortcut
w.setDaemon
convert_collect_and_distribute
_coco_eval_to_keypoint_results
voc_ap
core_config.load_cfg
w.h._labels.astype
fpn_level_info_func
ds.get_roidb
_distribute_rois_over_fpn_levels
gradients.append
entry.toarray
v.GetMedianValue
f.write
cv2.line
net.Proto.op.extend
mask_util.frPyObjects
scores.squeeze
ax.imshow
model_engine.im_detect_all
self.create_threads
_expand_bbox_targets
f.readlines
scores.transpose.reshape
boxes_from_polys.astype
flipped_poly.tolist
shift_x.ravel
np.log2
bbox_feat_list.append
mask_rcnn_heads.add_mask_rcnn_outputs
core.DeviceScope
x.strip.split
new_external_outputs.extend
workspace.GetCuDNNVersion
temp.max
model.net.Sum
all_net.Proto
np.expand_dims
cfg.RESNETS.TRANS_FUNC.globals
self.TrainableParams
cv2.drawContours
pickle.load
DetectionModelHelper
core.ScopedBlobReference
roi_data_loader.shutdown
self.reset
new_net.Proto
os.path.basename
model_type_func.get_func
all_loss_gradients.update
merge_cfg_from_file
np.maximum
ax.add_patch
model.Relu
_get_reference_md5sum
get_rpn_box_proposals
tee
max
osp.exists
dataset_catalog.get_im_dir
name.find
dataset.results.items
max_overlaps.argmax
_write_coco_bbox_results_file
_do_python_eval
model.net.SmoothL1Loss
muji.OnGPU
op_func_chain
np.dtype
GenerateProposalsOp
cython_nms.nms
_raise_key_rename_error
_bbox_targets.reshape
mutils.get_ws_blobs
fast_rcnn_roi_data.get_fast_rcnn_blob_names
matplotlib.use
pickle.dump
np.get_include
time.time
ious.transpose
training_stats.IterTic
distribute
bias_blob.data.extend
infer_engine.im_detect_all
np.minimum
initializers.Initializer
boxes.append
annotations.append
np.sort
keypoint_coords.copy
ValueError
np.argsort
shifts.reshape
shift_y.ravel.shift_x.ravel.shift_y.ravel.shift_x.ravel.np.vstack.transpose
add_missing_biases
add_fpn_onto_conv_body
create_model
subprocess.Popen
_add_fast_rcnn_head
np.reshape
self.coordinator.should_stop
assert_and_infer_cfg
np.random.seed
mutils.get_op_arg_valf
keypoint_rcnn_roi_data.add_keypoint_rcnn_blobs
rois_names.len.blobs.np.concatenate.squeeze
model.Conv
np.absolute
memonger.share_grad_blobs
np.finfo
retinanet_heads.add_fpn_retinanet_outputs
prep_im_for_blob
setup
rjust
nu.save_model_to_weights_file
self._minibatch_queue.qsize
np.zeros
self.create_param
anchors.astype
i.boxes.astype
blob_utils.deserialize
abs
json_dataset.get_roidb
src_name.endswith
plt.Axes
envu.get_custom_ops_lib
add_topdown_lateral_module
_build_forward_graph
_get_image_blob
bbox_deltas.transpose
get_devkit_dir
net.Proto.external_input.extend
mutils.create_input_blobs_for_net
box_utils.boxes_area
net.DequeueBlobs
url_md5sum.urllib.request.urlopen.read.strip
self.get_output_names
self._get_next_minibatch_inds
self.debug_timer.toc
locals
R.astype
len
imgIds.sort
np.unique
self.shutdown
os.path.isfile
_coco_eval_to_mask_results
re.findall
dyndep.InitOpsLibrary
all_net.Proto.SerializeToString
logger.debug
self.smoothed_losses_and_metrics.items
coco_eval.accumulate
sum
collect
_remove_proposals_not_in_roidb
model.net.ConstantFill
os.fsync
muji.Allreduce
model.keypoint_net.Proto
self._prep_roidb_entry
infer_engine.initialize_model_from_cfg
img.astype
model.roi_data_loader.shutdown
load_model
heats.reshape
ids.append
float
mutils.filter_op
self.iter_timer.tic
_get_thr_ind
cfg_to_load.readlines
scale.boxes.np.round.dot
metrics.values
new_net.BlobIsDefined
data_utils.unmap
c2_utils.get_nvidia_info
vis_class
workspace.HasBlob
cfg.is_immutable
mutils.update_mobile_engines
c2_utils.SuffixNet
gt_overlaps.argmax
self.net.Proto
workspace.FetchBlob
self.AttrDict.super.__init__
cv2.imread
get_class_string
model.Softmax
_use_cityscapes_evaluator
np.all
np.copy
net.layer.pop
file_in.sio.loadmat.ravel
ims.im.im.shape.np.array.max
data.get
logger.critical
loss_gradients.update
filenames.append
t.dims.extend
dataset.name.all_results.update
cs_json_dataset_evaluator.evaluate_masks
merge_cfg_from_list
json_dataset_evaluator.evaluate_keypoints
threading.Lock
load_timer.toc
ws.sum
cmd.format
build_generic_retinanet_model
_get_file_md5sum
plt.plot
dataset_catalog.get_im_prefix
_do_detection_eval
np.vstack
coco_eval.summarize
box_utils.xyxy_to_xywh
id_or_index
self.losses_and_metrics.keys
collections.namedtuple
assert_cache_file_is_ok
heats.astype
get_step_index
p.wait
blobs_fpn.insert
fast_rcnn_roi_data.add_fast_rcnn_blobs
_compute_and_log_stats
tree.findall
segm_utils.is_poly
model.param_to_grad.values
training_stats.IterToc
json_dataset.COCO.loadRes
im_scales.append
tmp.append
model.net.Sigmoid
build_generic_rfcn_model
cv2.imwrite
load_cfg
glob.iglob
imageio.imsave
load_object
info.strip
_get_retinanet_blobs
progress_hook
_get_result_blobs
output_name.find
np.median
generate_proposals_on_roidb
segm_utils.flip_segms
self._event.set
_filter_crowd_proposals
model.AveragePool
net.Clone
test_model
_ratio_enum
f
k.decoded_top_masks.sum
np.uint8.arr.astype.tobytes
optimize_memory
model.ConvShared
cv2.rectangle
workspace.CreateNet
mask_rcnn_fcn_head_v1upXconvs_gn
self._event.wait
ax.axis
plt.Rectangle
COCOmask.iou
self.model.roi_data_loader._minibatch_queue.qsize
np.empty
evaluate_keypoints
s.sendmail
model.LRN
remove_layers_without_parameters
overlaps.argmax
net.Proto
bn_tensors.extend
cfg.RPN.ASPECT_RATIOS.anchor_sizes.spatial_scale.generate_anchors.generate_anchors.astype
roi_data_loader.get_output_names
roi_map.copy
model_builder.add_inference_inputs
_generate_anchors
xy.append
self.__dict__.update
urllib.request.urlopen
ws.mean
GpuNameScope
np.cos
cythonize
new_ops.extend
processes.append
rpn_heads.add_generic_rpn_outputs
subprocess_utils.process_in_parallel
boxes.astype
A.W.H._bbox_targets.reshape.transpose
nu.average_multi_gpu_blob
fused_conv.input.append
np.float32
self.smoothed_total_loss.AddValue
datetime.timedelta
_narrow_to_fpn_roi_levels
self.COCO.loadAnns
self.debug_timer.tic
np.min
namedtuple
envu.yaml_dump
u.append
dataset.results.keys
new_net.Proto.op.extend
field_of_anchors.reshape
i_boxes.astype
all_blobs.append
all_init_net.Proto
os.environ.get
all_init_net.Proto.SerializeToString
salt.json_dataset._get_voc_results_file_template.format
fig.add_axes
_within_box
model.AffineChannel
cv2.getTextSize
mutils.get_device_option_cuda
keypoint_utils.get_keypoints
self.json_category_id_to_contiguous_id.items
_log_detection_eval_metrics
cv2.resize
model.net.SpatialNarrowAs
_empty_keypoint_results
np.prod
max_overlaps.max
get_op_arg
self.net.BatchPermutation
model.net.SoftmaxWithLoss
model.net.SigmoidFocalLoss
dataset_keypoints.index
generate_anchors.generate_anchors
np.round
self.COCO.getCatIds
self.COCO.getAnnIds
RoIDataLoader
hash_obj.hexdigest.encode
int
new_net.GetBlobRef
envu.set_up_matplotlib
self.net.AffineChannel
np.clip
_add_roi_mask_head
os.mkdir
_merge_proposal_boxes_into_roidb
box_utils.clip_xyxy_to_image
convert_op_in_ops
OpFilter
ET.parse
SmoothedValue
_flip_rle
TypeError
model.GenerateProposalLabels
roi_data_loader.start
core_config._merge_a_into_b
verify_model
np.argmax
voc_eval
Exception
np.linspace
self.net.__getattr__
roi_data_loader.register_sigint_handler
box_list.append
model.StopGradient
scipy.sparse.csr_matrix
coordinator.should_stop
net.external_input.remove
obj.find
unscope_name
blob_out.reshape
model.Accuracy
_do_matlab_eval
self.smoothed_total_loss.GetMedianValue
signal.signal
thresh.inds.gt_overlaps.sum
filename.endswith
literal_eval
model.ConvAffine
tuple
get_lr_func
mask_util.encode
blob_utils.prep_im_for_blob
add_ResNet_roi_conv5_head_for_masks
dataset.name.startswith
cProfile.runctx
np.random.randint
model.net._net.op.extend
model.net.Proto
cv2.circle
top_dets.copy
self.do_not_update_params.append
add_single_gpu_param_update_ops
json_dataset_evaluator.evaluate_masks
self.request_stop
_roi_fg_bbox_locs.astype
shift_y.ravel
os.environ.copy
task_evaluation.evaluate_box_proposals
self.coordinator.stop_on_exception
im_proposals
add_model_training_inputs
blob_utils.py_op_copy_blob
nu.initialize_gpu_from_weights_file
upsample_filt
model.MaxPool
json.load
_do_keypoint_eval
setup_model_for_training
add_ResNet_convX_body
mean.std.cs_shape.np.random.randn.astype
getattr
response.info.get
np.uint8
net.Proto.external_output.extend
ret_init_net.Proto
model.roi_data_loader.start
model_builder.add_training_inputs
predictor_exporter.PredictorExportMeta
np.isclose
plt.setp
blob_uses
model.CollectAndDistributeFpnRpnProposals
image_ids.sort
_voc_eval_to_box_results
fuse_net
c2_utils.NamedCudaScope
convert_model_gpu
dict
mutils.save_graph
model.net.Mul
retinanet_heads.add_fpn_retinanet_losses
ex_inds.rois.astype
np.exp
is_poly
map
A.reshape
convert_cityscapes_instance_only
f.flush
entry.items
dump_proto_files
self.enqueue_blobs
model.Scale
traceback.print_exc
get_raw_dir
roi_data_loader._minibatch_queue.qsize
ax.text
model.AddMetrics
os.path.isdir
check_args
blobs.keys
converted_ops.extend
add_roi_keypoint_head_func
self.iter_timer.toc
roidb_utils.add_bbox_regression_targets
globals
mask_util.iou
vis_bbox
parse_rec
roidb.extend
np.argpartition
gen_init_net
core.ScopedName
targets_dh.targets_dw.targets_dy.targets_dx.np.vstack.transpose
frcn_blobs.items
_empty_mask_results
Queue.Queue
json.dump
np.max
mutils.fuse_net_affine
scores.append
model.net.PSRoIPool
_decode_cfg_value
color_list.reshape
test_engine.im_detect_all
url.replace
caffe2_pb2.DeviceOption
run_model_cfg
core.CreateOperator
unscoped_param_names.keys
dets.astype
cv2.ocl.setUseOpenCL
entry.copy
output_name.startswith
copy.deepcopy
normalize_shape
iter
rle.decode
weights.keys
model.net.NCCLAllreduce
generate_rpn_on_range
caffe_translator.TranslateModel
objects.append
log.debug
kp_connections
np.array.astype
_bbox_outside_weights.reshape
_cs_eval_to_mask_results
model.UpdateWorkspaceLr
blobs_out.append
v.AddValue
areas.items
dummy_datasets.get_coco_dataset
text_format.Merge
shift_y.shift_x.shift_y.shift_x.np.vstack.transpose
setup_logging
workspace.GetCUDAVersion
bbox.find
parser.print_help
rois_fg.astype
self.proposals_for_one_image
handle_critical_error
load_and_convert_coco_model
load_timer.tic
save_object
model.net.Alias
_add_allreduce_graph
data_utils.compute_targets
np.fromstring
Polygon
nu.sum_multi_gpu_blob
blob_utils.get_image_blob
mutils.get_device_option_cpu
np.ceil
filter_op
blob_utils.ones
pairwise
inds.min
outfile.write
blobs.values
list
mask_util.decode
images.append
optim.build_data_parallel_model
_prepare_blobs
get_roidb
mutils.gen_init_net_from_blobs
fpn.map_rois_to_fpn_levels
sum_multi_gpu_blob

@zpao Could please help me check this issue? May I pull a request to fix it? Thank you very much.