Skip to content

Commit f0421e7

Browse files
monai-botKumoLiu
authored andcommitted
auto updates (#5322)
Signed-off-by: monai-bot <[email protected]> Signed-off-by: monai-bot <[email protected]> Signed-off-by: KumoLiu <[email protected]>
1 parent 39b50ac commit f0421e7

File tree

130 files changed

+3
-149
lines changed

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

130 files changed

+3
-149
lines changed

monai/apps/auto3dseg/__main__.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
from monai.apps.auto3dseg.auto_runner import AutoRunner
1413
from monai.apps.auto3dseg.bundle_gen import BundleAlgo, BundleGen
1514
from monai.apps.auto3dseg.data_analyzer import DataAnalyzer

monai/apps/auto3dseg/ensemble_builder.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
import json
1413
import os
1514
from abc import ABC, abstractmethod

monai/apps/deepedit/transforms.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -28,7 +28,6 @@
2828

2929
logger = logging.getLogger(__name__)
3030

31-
3231
distance_transform_cdt, _ = optional_import("scipy.ndimage.morphology", name="distance_transform_cdt")
3332

3433

monai/apps/detection/metrics/coco.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -56,7 +56,6 @@
5656
# The views and conclusions contained in the software and documentation are those
5757
# of the authors and should not be interpreted as representing official policies,
5858
# either expressed or implied, of the FreeBSD Project.
59-
6059
"""
6160
This script is almost same with https://github.com/MIC-DKFZ/nnDetection/blob/main/nndet/evaluator/detection/coco.py
6261
The changes include 1) code reformatting, 2) docstrings.

monai/apps/detection/metrics/matching.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -56,7 +56,6 @@
5656
# The views and conclusions contained in the software and documentation are those
5757
# of the authors and should not be interpreted as representing official policies,
5858
# either expressed or implied, of the FreeBSD Project.
59-
6059
"""
6160
This script is almost same with https://github.com/MIC-DKFZ/nnDetection/blob/main/nndet/evaluator/detection/matching.py
6261
The changes include 1) code reformatting, 2) docstrings,

monai/apps/detection/networks/retinanet_detector.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -32,7 +32,6 @@
3232
# * Neither the name of the copyright holder nor the names of its
3333
# contributors may be used to endorse or promote products derived from
3434
# this software without specific prior written permission.
35-
3635
"""
3736
Part of this script is adapted from
3837
https://github.com/pytorch/vision/blob/main/torchvision/models/detection/retinanet.py

monai/apps/detection/networks/retinanet_network.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -32,7 +32,6 @@
3232
# * Neither the name of the copyright holder nor the names of its
3333
# contributors may be used to endorse or promote products derived from
3434
# this software without specific prior written permission.
35-
3635
"""
3736
Part of this script is adapted from
3837
https://github.com/pytorch/vision/blob/main/torchvision/models/detection/retinanet.py

monai/apps/detection/utils/ATSS_matcher.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -59,7 +59,6 @@
5959
# CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY,
6060
# OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE
6161
# OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
62-
6362
"""
6463
The functions in this script are adapted from nnDetection,
6564
https://github.com/MIC-DKFZ/nnDetection/blob/main/nndet/core/boxes/matcher.py

monai/apps/detection/utils/anchor_utils.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -32,7 +32,6 @@
3232
# * Neither the name of the copyright holder nor the names of its
3333
# contributors may be used to endorse or promote products derived from
3434
# this software without specific prior written permission.
35-
3635
"""
3736
This script is adapted from
3837
https://github.com/pytorch/vision/blob/release/0.12/torchvision/models/detection/anchor_utils.py

monai/apps/detection/utils/box_coder.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -43,7 +43,6 @@
4343
# CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY,
4444
# OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE
4545
# OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
46-
4746
"""
4847
This script is modified from torchvision to support N-D images,
4948

monai/apps/detection/utils/box_selector.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -32,7 +32,6 @@
3232
# * Neither the name of the copyright holder nor the names of its
3333
# contributors may be used to endorse or promote products derived from
3434
# this software without specific prior written permission.
35-
3635
"""
3736
Part of this script is adapted from
3837
https://github.com/pytorch/vision/blob/main/torchvision/models/detection/retinanet.py

monai/apps/detection/utils/hard_negative_sampler.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -24,7 +24,6 @@
2424
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
2525
# See the License for the specific language governing permissions and
2626
# limitations under the License.
27-
2827
"""
2928
The functions in this script are adapted from nnDetection,
3029
https://github.com/MIC-DKFZ/nnDetection/blob/main/nndet/core/boxes/sampler.py

monai/apps/mmars/mmars.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -8,7 +8,6 @@
88
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
11-
1211
"""
1312
Utilities for accessing Nvidia MMARs
1413

monai/apps/mmars/model_desc.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -8,7 +8,6 @@
88
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
11-
1211
"""
1312
Collection of the remote MMAR descriptors
1413

monai/apps/reconstruction/transforms/array.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
from abc import abstractmethod
1413
from typing import Sequence
1514

monai/apps/reconstruction/transforms/dictionary.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
from typing import Dict, Hashable, Mapping, Optional, Sequence
1413

1514
import numpy as np

monai/apps/tcia/label_desc.py

Lines changed: 0 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -9,12 +9,10 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
from typing import Dict
1413

1514
__all__ = ["TCIA_LABEL_DICT"]
1615

17-
1816
TCIA_LABEL_DICT: Dict[str, Dict[str, int]] = {
1917
"C4KC-KiTS": {"Kidney": 0, "Renal Tumor": 1},
2018
"NSCLC-Radiomics": {

monai/bundle/__main__.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
from monai.bundle.scripts import ckpt_export, download, init_bundle, run, verify_metadata, verify_net_in_out
1413

1514
if __name__ == "__main__":

monai/bundle/utils.py

Lines changed: 0 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -21,13 +21,11 @@
2121

2222
__all__ = ["ID_REF_KEY", "ID_SEP_KEY", "EXPR_KEY", "MACRO_KEY"]
2323

24-
2524
ID_REF_KEY = "@" # start of a reference to a ConfigItem
2625
ID_SEP_KEY = "#" # separator for the ID of a ConfigItem
2726
EXPR_KEY = "$" # start of a ConfigExpression
2827
MACRO_KEY = "%" # start of a macro of a config
2928

30-
3129
_conf_values = get_config_values()
3230

3331
DEFAULT_METADATA = {

monai/config/type_definitions.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -41,7 +41,6 @@
4141
"SequenceStr",
4242
]
4343

44-
4544
#: KeysCollection
4645
#
4746
# The KeyCollection type is used to for defining variables

monai/data/box_utils.py

Lines changed: 0 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -8,7 +8,6 @@
88
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
11-
1211
"""
1312
This utility module mainly supports rectangular bounding boxes with a few
1413
different parameterizations and methods for converting between them. It
@@ -36,7 +35,6 @@
3635
# We support 2-D or 3-D bounding boxes
3736
SUPPORTED_SPATIAL_DIMS = [2, 3]
3837

39-
4038
# TO_REMOVE = 0.0 if the bottom-right corner pixel/voxel is not included in the boxes,
4139
# i.e., when xmin=1., xmax=2., we have w = 1.
4240
# TO_REMOVE = 1.0 if the bottom-right corner pixel/voxel is included in the boxes,

monai/data/dataset.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
import collections.abc
1413
import math
1514
import pickle

monai/data/image_writer.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -46,7 +46,6 @@
4646
nib, _ = optional_import("nibabel")
4747
PILImage, _ = optional_import("PIL.Image")
4848

49-
5049
__all__ = [
5150
"ImageWriter",
5251
"ITKWriter",

monai/data/thread_buffer.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
from multiprocessing.context import SpawnContext
1413
from queue import Empty, Full, Queue
1514
from threading import Thread

monai/data/utils.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -52,7 +52,6 @@
5252
DataFrame, _ = optional_import("pandas", name="DataFrame")
5353
nib, _ = optional_import("nibabel")
5454

55-
5655
__all__ = [
5756
"AFFINE_TOL",
5857
"SUPPORTED_PICKLE_MOD",

monai/handlers/logfile_handler.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -22,7 +22,6 @@
2222
else:
2323
Engine, _ = optional_import("ignite.engine", IgniteInfo.OPT_IMPORT_VERSION, min_version, "Engine")
2424

25-
2625
__all__ = ["LogfileHandler"]
2726

2827

monai/handlers/nvtx_handlers.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -24,7 +24,6 @@
2424
Engine, _ = optional_import("ignite.engine", IgniteInfo.OPT_IMPORT_VERSION, min_version, "Engine")
2525
Events, _ = optional_import("ignite.engine", IgniteInfo.OPT_IMPORT_VERSION, min_version, "Events")
2626

27-
2827
__all__ = ["RangeHandler", "RangePushHandler", "RangePopHandler", "MarkHandler"]
2928

3029

monai/losses/contrastive.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -19,7 +19,6 @@
1919

2020

2121
class ContrastiveLoss(_Loss):
22-
2322
"""
2423
Compute the Contrastive loss defined in:
2524

monai/losses/giou_loss.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -19,7 +19,6 @@
1919

2020

2121
class BoxGIoULoss(_Loss):
22-
2322
"""
2423
Compute the generalized intersection over union (GIoU) loss of a pair of boxes.
2524
The two inputs should have the same shape. giou_loss = 1.0 - giou

monai/losses/ssim_loss.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
import torch
1413
import torch.nn.functional as F
1514
from torch import nn

monai/losses/tversky.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -20,7 +20,6 @@
2020

2121

2222
class TverskyLoss(_Loss):
23-
2423
"""
2524
Compute the Tversky loss defined in:
2625

monai/metrics/froc.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
from typing import List, Optional, Tuple, Union
1413

1514
import numpy as np

monai/networks/blocks/backbone_fpn_utils.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -43,7 +43,6 @@
4343
# CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY,
4444
# OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE
4545
# OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
46-
4746
"""
4847
This script is modified from from torchvision to support N-D images,
4948
by overriding the definition of convolutional layers and pooling layers.

monai/networks/blocks/dints_block.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
from typing import Tuple, Union
1413

1514
import torch

monai/networks/blocks/feature_pyramid_network.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -43,7 +43,6 @@
4343
# CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY,
4444
# OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE
4545
# OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
46-
4746
"""
4847
This script is modified from from torchvision to support N-D images,
4948
by overriding the definition of convolutional layers and pooling layers.

monai/networks/blocks/unetr_block.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
from typing import Sequence, Tuple, Union
1413

1514
import torch

monai/networks/layers/factories.py

Lines changed: 0 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -8,7 +8,6 @@
88
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
11-
1211
"""
1312
Defines factories for creating layers in generic, extensible, and dimensionally independent ways. A separate factory
1413
object is created for each type of layer, and factory functions keyed to names are added to these objects. Whenever
@@ -70,7 +69,6 @@ def use_factory(fact_args):
7069

7170
InstanceNorm3dNVFuser, has_nvfuser = optional_import("apex.normalization", name="InstanceNorm3dNVFuser")
7271

73-
7472
__all__ = ["LayerFactory", "Dropout", "Norm", "Act", "Conv", "Pool", "Pad", "split_args"]
7573

7674

monai/networks/nets/dints.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
import warnings
1413
from typing import List, Optional, Tuple, Union
1514

monai/networks/nets/dynunet.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
from typing import List, Optional, Sequence, Tuple, Union
1413

1514
import torch

monai/networks/nets/senet.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -34,7 +34,6 @@
3434
"SE_NET_MODELS",
3535
]
3636

37-
3837
SE_NET_MODELS = {
3938
"senet154": "http://data.lip6.fr/cadene/pretrainedmodels/senet154-c7b49a05.pth",
4039
"se_resnet50": "http://data.lip6.fr/cadene/pretrainedmodels/se_resnet50-ce0d4300.pth",

monai/networks/nets/torchvision_fc.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -16,7 +16,6 @@
1616

1717
models, _ = optional_import("torchvision.models")
1818

19-
2019
__all__ = ["TorchVisionFCModel"]
2120

2221

monai/networks/nets/vit.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
from typing import Sequence, Union
1413

1514
import torch

monai/networks/nets/vitautoenc.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,6 @@
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
1111

12-
1312
from typing import Sequence, Union
1413

1514
import torch

monai/transforms/adaptors.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -8,7 +8,6 @@
88
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
11-
1211
"""
1312
How to use the adaptor function
1413
~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~

monai/transforms/signal/array.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -34,7 +34,6 @@
3434
central_frequency, has_central_frequency = optional_import("pywt", name="central_frequency")
3535
cwt, has_cwt = optional_import("pywt", name="cwt")
3636

37-
3837
__all__ = [
3938
"SignalRandDrop",
4039
"SignalRandScale",

monai/transforms/smooth_field/array.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -8,7 +8,6 @@
88
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
99
# See the License for the specific language governing permissions and
1010
# limitations under the License.
11-
1211
"""Transforms using a smooth spatial field generated by interpolating from smaller randomized fields."""
1312

1413
from typing import Any, Optional, Sequence, Union

0 commit comments

Comments
 (0)