An Empirical Study of Frequent Code Edit Patterns In Machine Learning Systems

Refactoring Type : Inline Method | Total : 28 | Precision : 85.71% | True Positives :24 | Evaluated : 28 | Not Evaluated : 53

Project RefactoringType RefactoringLink CommitLink TrueRefactoring? Description File
librosa/librosa Inline Method RefactoringLinkCommitLinkYes Inline Method package __stream(path Any, sr Any, block_length Any, frame_length Any, hop_length Any, mono Any, offset Any, duration Any, fill_value Any, dtype Any) : void inlined to package stream(path Any, block_length Any, frame_length Any, hop_length Any, mono Any, offset Any, duration Any, fill_value Any, dtype Any) : void in class org.librosa.core.audio.PyDummyClass1 librosa/core/audio.py
librosa/librosa Inline Method RefactoringLinkCommitLinkYes Inline Method package __stream(path Any, sr Any, block_length Any, frame_length Any, hop_length Any, mono Any, offset Any, duration Any, fill_value Any, dtype Any) : void inlined to package stream(path Any, block_length Any, frame_length Any, hop_length Any, mono Any, offset Any, duration Any, fill_value Any, dtype Any) : void in class org.librosa.core.audio.PyDummyClass1 librosa/core/audio.py
nilmtk/nilmtk Inline Method RefactoringLinkCommitLinkNo Inline Method package _load_and_reindex_chunk(generator Any, timeframe Any, index Any, sample_period Any) : void inlined to package combine_chunks_from_generators(generators Any) : void in class org.nilmtk.metergroup.PyDummyClass1 nilmtk/metergroup.py
mozilla/mozregression Inline Method RefactoringLinkCommitLinkYes Inline Method package get_default_dates() : void inlined to package get_app() : void in class org.mozregression.regression.PyDummyClass2 mozregression/regression.py
shenweichen/DeepCTR Inline Method RefactoringLinkCommitLinkYes Inline Method package get_input(feature_dim_dict Any, seq_feature_list Any, sess_max_count Any, seq_max_len Any) : void inlined to package DSIN(dnn_feature_columns Any, sess_feature_list Any, embedding_size Any, sess_max_count Any, sess_len_max Any, bias_encoding Any, att_embedding_size Any, att_head_num Any, dnn_hidden_units Any, dnn_activation Any, dnn_dropout Any, dnn_use_bn Any, l2_reg_dnn Any, l2_reg_embedding Any, init_std Any, seed Any, task Any) : void in class org.deepctr.models.dsin.PyDummyClass1 deepctr/models/dsin.py
tryolabs/luminoth Inline Method RefactoringLinkCommitLinkYes Inline Method package _whctrs(anchor Any) : void inlined to package generate_anchors_reference(base_size Any, aspect_ratios Any, scales Any) : void in class org.luminoth.utils.anchors.PyDummyClass1 luminoth/utils/anchors.py
tryolabs/luminoth Inline Method RefactoringLinkCommitLinkYes Inline Method package _mkanchors(ws Any, hs Any, x_ctr Any, y_ctr Any) : void inlined to package generate_anchors_reference(base_size Any, aspect_ratios Any, scales Any) : void in class org.luminoth.utils.anchors.PyDummyClass1 luminoth/utils/anchors.py
tryolabs/luminoth Inline Method RefactoringLinkCommitLinkYes Inline Method package _mkanchors(ws Any, hs Any, x_ctr Any, y_ctr Any) : void inlined to package generate_anchors_reference(base_size Any, aspect_ratios Any, scales Any) : void in class org.luminoth.utils.anchors.PyDummyClass1 luminoth/utils/anchors.py
tryolabs/luminoth Inline Method RefactoringLinkCommitLinkNo Inline Method package _ratio_enum(anchor Any, ratios Any) : void inlined to package generate_anchors_reference(base_size Any, aspect_ratios Any, scales Any) : void in class org.luminoth.utils.anchors.PyDummyClass1 luminoth/utils/anchors.py
keras-team/autokeras Inline Method RefactoringLinkCommitLinkYes Inline Method package build_model() : void inlined to package test_model_save_load_output_same(tmp_path Any) : void in class org.tests.autokeras.keras_layers_test.PyDummyClass1 tests/autokeras/keras_layers_test.py
microsoft/nni Inline Method RefactoringLinkCommitLinkNo Inline Method package quant_backward(tensor Any, grad_output Any, quant_type Any) : void inlined to package backward(cls Any, ctx Any, grad_output Any) : void in class org.nni.compression.pytorch.compressor.QuantGrad nni/compression/pytorch/compressor.py
microsoft/nni Inline Method RefactoringLinkCommitLinkNo Inline Method package quant_backward(tensor Any, grad_output Any, quant_type Any) : void inlined to package backward(cls Any, ctx Any, grad_output Any) : void in class org.nni.compression.pytorch.compressor.QuantGrad nni/compression/pytorch/compressor.py
williamFalcon/pytorch-lightning Inline Method RefactoringLinkCommitLinkYes Inline Method package _append_to_structure(primary_dict Any, opt_idx Any, batch_idx Any, result Any) : void inlined to package append(self HookResultStore, result Any, info Any) : void in class org.pytorch_lightning.trainer.connectors.logger_connector.epoch_result_store.HookResultStore pytorch_lightning/trainer/connectors/logger_connector/epoch_result_store.py
GPflow/GPflow Inline Method RefactoringLinkCommitLinkYes Inline Method package _exec_notebook_ts(notebook_filename Any) : void inlined to package test_notebook(notebook_file Any) : void in class org.tests.test_notebooks.PyDummyClass1 tests/test_notebooks.py
deepmipt/DeepPavlov Inline Method RefactoringLinkCommitLinkYes Inline Method package _get_model(config_path Any, vocab_path Any) : void inlined to package build_model_from_config(config_path Any) : void in class org.deeppavlov.core.commands.infer.PyDummyClass1 deeppavlov/core/commands/infer.py
deepmipt/DeepPavlov Inline Method RefactoringLinkCommitLinkYes Inline Method package get_data(skill_config Any, dataset_config Any, vocab_path Any) : void inlined to package train_agent_models(config_path Any) : void in class org.deeppavlov.core.commands.train.PyDummyClass1 deeppavlov/core/commands/train.py
streamlit/streamlit Inline Method RefactoringLinkCommitLinkYes Inline Method package _convert_msg_to_exception_msg(msg Any, e Any) : void inlined to package serialize_forward_msg(msg Any) : void in class org.lib.streamlit.server.server_util.PyDummyClass1 lib/streamlit/server/server_util.py
ray-project/ray Inline Method RefactoringLinkCommitLinkYes Inline Method package _async_init() : void inlined to package init() : void in class org.python.ray.experimental.async_api.PyDummyClass1 python/ray/experimental/async_api.py
chainer/chainercv Inline Method RefactoringLinkCommitLinkYes Inline Method package resize_backend() : void inlined to package resize(img Any, size Any, interpolation Any) : void in class org.chainercv.transforms.image.resize.PyDummyClass1 chainercv/transforms/image/resize.py
chainer/chainercv Inline Method RefactoringLinkCommitLinkYes Inline Method package _check_available() : void inlined to package rotate(img Any, angle Any, expand Any, fill Any, interpolation Any) : void in class org.chainercv.transforms.image.rotate.PyDummyClass1 chainercv/transforms/image/rotate.py
keras-team/keras Inline Method RefactoringLinkCommitLinkYes Inline Method package _preprocess_deconv_output_shape(x Any, shape Any, data_format Any) : void inlined to package conv2d_transpose(x Any, kernel Any, output_shape Any, strides Any, padding Any, data_format Any) : void in class org.keras.backend.tensorflow_backend.PyDummyClass3 keras/backend/tensorflow_backend.py
keras-team/keras Inline Method RefactoringLinkCommitLinkYes Inline Method package _postprocess_conv2d_output(x Any, data_format Any) : void inlined to package conv2d_transpose(x Any, kernel Any, output_shape Any, strides Any, padding Any, data_format Any) : void in class org.keras.backend.tensorflow_backend.PyDummyClass3 keras/backend/tensorflow_backend.py
keras-team/keras Inline Method RefactoringLinkCommitLinkYes Inline Method package _postprocess_conv2d_output(x Any, data_format Any) : void inlined to package separable_conv2d(x Any, depthwise_kernel Any, pointwise_kernel Any, strides Any, padding Any, data_format Any, dilation_rate Any) : void in class org.keras.backend.tensorflow_backend.PyDummyClass3 keras/backend/tensorflow_backend.py
keras-team/keras Inline Method RefactoringLinkCommitLinkYes Inline Method package _postprocess_conv2d_output(x Any, data_format Any) : void inlined to package depthwise_conv2d(x Any, depthwise_kernel Any, strides Any, padding Any, data_format Any, dilation_rate Any) : void in class org.keras.backend.tensorflow_backend.PyDummyClass3 keras/backend/tensorflow_backend.py
keras-team/keras Inline Method RefactoringLinkCommitLinkYes Inline Method package _postprocess_conv2d_output(x Any, data_format Any) : void inlined to package pool2d(x Any, pool_size Any, strides Any, padding Any, data_format Any, pool_mode Any) : void in class org.keras.backend.tensorflow_backend.PyDummyClass3 keras/backend/tensorflow_backend.py
keras-team/keras Inline Method RefactoringLinkCommitLinkYes Inline Method package _postprocess_conv3d_output(x Any, data_format Any) : void inlined to package conv3d(x Any, kernel Any, strides Any, padding Any, data_format Any, dilation_rate Any) : void in class org.keras.backend.tensorflow_backend.PyDummyClass3 keras/backend/tensorflow_backend.py
keras-team/keras Inline Method RefactoringLinkCommitLinkYes Inline Method package _postprocess_conv3d_output(x Any, data_format Any) : void inlined to package conv3d_transpose(x Any, kernel Any, output_shape Any, strides Any, padding Any, data_format Any) : void in class org.keras.backend.tensorflow_backend.PyDummyClass3 keras/backend/tensorflow_backend.py
keras-team/keras Inline Method RefactoringLinkCommitLinkYes Inline Method package _postprocess_conv3d_output(x Any, data_format Any) : void inlined to package pool3d(x Any, pool_size Any, strides Any, padding Any, data_format Any, pool_mode Any) : void in class org.keras.backend.tensorflow_backend.PyDummyClass3 keras/backend/tensorflow_backend.py