├── moco_jt2 ├── DS │ └── __init__.py ├── Tools │ └── __init__.py ├── .gitignore └── Data │ └── Jittor │ └── jittor_layer_info │ ├── jittor_nn_GELU.json │ ├── jittor_nn_ReLU.json │ ├── jittor_nn_ReLU6.json │ ├── jittor_nn_Sigmoid.json │ ├── jittor_nn_Softmax.json │ ├── jittor_nn_Tanh.json │ ├── jittor_nn_LeakyReLU.json │ ├── jittor_nn_Leaky_relu.json │ ├── jittor_nn_ELU.json │ ├── jittor_nn_Mish.json │ ├── jittor_nn_PixelShuffle.json │ ├── jittor_nn_ZeroPad2d.json │ ├── jittor_nn_ReflectionPad2d.json │ ├── jittor_nn_ReplicationPad2d.json │ ├── jittor_nn_AdaptiveAvgPool2d.json │ ├── jittor_nn_AdaptiveAvgPool3d.json │ ├── jittor_nn_UpsamplingNearest2d.json │ └── jittor_nn_UpsamplingBilinear2d.json ├── moco_torch2 ├── DS │ └── __init__.py ├── Tools │ └── __init__.py ├── .gitignore └── Data │ └── Torch │ ├── torch.Tensor.inverse.json │ ├── torch.Tensor.isneginf.json │ ├── torch.Tensor.isposinf.json │ ├── torch.Tensor.logical_not.json │ ├── torch.Tensor.signbit.json │ ├── torch_math_op_info │ ├── torch.Tensor.i0.json │ ├── torch.Tensor.acosh.json │ ├── torch.Tensor.angle.json │ ├── torch.Tensor.arccos.json │ ├── torch.Tensor.arccosh.json │ ├── torch.Tensor.arcsin.json │ ├── torch.Tensor.arcsinh.json │ ├── torch.Tensor.arctan.json │ ├── torch.Tensor.asin.json │ ├── torch.Tensor.asinh.json │ ├── torch.Tensor.atan.json │ ├── torch.Tensor.atanh.json │ ├── torch.Tensor.ceil.json │ ├── torch.Tensor.cosh.json │ ├── torch.Tensor.deg2rad.json │ ├── torch.Tensor.digamma.json │ ├── torch.Tensor.erf.json │ ├── torch.Tensor.erfc.json │ ├── torch.Tensor.erfinv.json │ ├── torch.Tensor.exp.json │ ├── torch.Tensor.expm1.json │ ├── torch.Tensor.fix.json │ ├── torch.Tensor.floor.json │ ├── torch.Tensor.lgamma.json │ ├── torch.Tensor.log.json │ ├── torch.Tensor.log10.json │ ├── torch.Tensor.log1p.json │ ├── torch.Tensor.log2.json │ ├── torch.Tensor.msort.json │ ├── torch.Tensor.rad2deg.json │ ├── torch.Tensor.sigmoid.json │ ├── torch.Tensor.sign.json │ ├── torch.Tensor.sin.json │ ├── torch.Tensor.sinc.json │ ├── torch.Tensor.sinh.json │ ├── torch.Tensor.square.json │ ├── torch.Tensor.tanh.json │ ├── torch.Tensor.trunc.json │ ├── torch.Tensor.absolute.json │ ├── torch.Tensor.negative.json │ ├── torch.Tensor.reciprocal.json │ ├── torch.Tensor.conj_physical.json │ ├── torch.Tensor.arctanh.json │ ├── torch.Tensor.neg.json │ ├── torch.Tensor.frac.json │ ├── torch.Tensor.sgn.json │ ├── torch.Tensor.acos.json │ ├── torch.Tensor.cos.json │ ├── torch.Tensor.rsqrt.json │ ├── torch.Tensor.sqrt.json │ ├── torch.Tensor.tan.json │ ├── torch.Tensor.abs.json │ ├── torch.acos.json │ ├── torch.angle.json │ ├── torch.asin.json │ ├── torch.atan.json │ ├── torch.atanh.json │ ├── torch.ceil.json │ ├── torch.log2.json │ ├── torch.neg.json │ ├── torch.tan.json │ ├── torch.deg2rad.json │ ├── torch.lgamma.json │ ├── torch.acosh.json │ ├── torch.arcsin.json │ ├── torch.arctan.json │ ├── torch.cos.json │ ├── torch.erfinv.json │ ├── torch.exp.json │ ├── torch.exp2.json │ ├── torch.floor.json │ ├── torch.log.json │ ├── torch.log10.json │ ├── torch.log1p.json │ ├── torch.msort.json │ ├── torch.sgn.json │ ├── torch.sign.json │ ├── torch.sin.json │ ├── torch.sinh.json │ ├── torch.sqrt.json │ ├── torch.tanh.json │ ├── torch.trunc.json │ ├── torch.absolute.json │ ├── torch.arcsinh.json │ ├── torch.i0.json │ ├── torch.negative.json │ ├── torch.sigmoid.json │ ├── torch.arccos.json │ ├── torch.arccosh.json │ ├── torch.arctanh.json │ ├── torch.digamma.json │ ├── torch.erfc.json │ ├── torch.expm1.json │ ├── torch.rad2deg.json │ ├── torch.sinc.json │ ├── torch.asinh.json │ ├── torch.erf.json │ ├── torch.rsqrt.json │ ├── torch.fix.json │ ├── torch.reciprocal.json │ ├── torch.abs.json │ └── torch.cosh.json │ ├── torch_layer_info_math │ ├── torch_Tensor_asin.json │ ├── torch_Tensor_atan.json │ ├── torch_Tensor_ceil.json │ ├── torch_Tensor_cosh.json │ ├── torch_Tensor_erf.json │ ├── torch_Tensor_erfc.json │ ├── torch_Tensor_exp.json │ ├── torch_Tensor_fix.json │ ├── torch_Tensor_i0.json │ ├── torch_Tensor_log.json │ ├── torch_Tensor_log2.json │ ├── torch_Tensor_sign.json │ ├── torch_Tensor_sin.json │ ├── torch_Tensor_sinc.json │ ├── torch_Tensor_sinh.json │ ├── torch_Tensor_tanh.json │ ├── torch_Tensor_absolute.json │ ├── torch_Tensor_acosh.json │ ├── torch_Tensor_angle.json │ ├── torch_Tensor_arccos.json │ ├── torch_Tensor_arccosh.json │ ├── torch_Tensor_arcsin.json │ ├── torch_Tensor_arcsinh.json │ ├── torch_Tensor_arctan.json │ ├── torch_Tensor_asinh.json │ ├── torch_Tensor_atanh.json │ ├── torch_Tensor_deg2rad.json │ ├── torch_Tensor_digamma.json │ ├── torch_Tensor_erfinv.json │ ├── torch_Tensor_expm1.json │ ├── torch_Tensor_floor.json │ ├── torch_Tensor_inverse.json │ ├── torch_Tensor_isneginf.json │ ├── torch_Tensor_isposinf.json │ ├── torch_Tensor_lgamma.json │ ├── torch_Tensor_log10.json │ ├── torch_Tensor_log1p.json │ ├── torch_Tensor_msort.json │ ├── torch_Tensor_negative.json │ ├── torch_Tensor_rad2deg.json │ ├── torch_Tensor_sigmoid.json │ ├── torch_Tensor_signbit.json │ ├── torch_Tensor_square.json │ ├── torch_Tensor_trunc.json │ ├── torch_Tensor_conj_physical.json │ ├── torch_Tensor_logical_not.json │ ├── torch_Tensor_reciprocal.json │ ├── torch_Tensor_arctanh.json │ ├── torch_Tensor_frac.json │ ├── torch_Tensor_neg.json │ ├── torch_Tensor_sgn.json │ ├── torch_Tensor_cos.json │ ├── torch_Tensor_tan.json │ ├── torch_Tensor_acos.json │ ├── torch_Tensor_rsqrt.json │ ├── torch_Tensor_sqrt.json │ ├── torch_Tensor_abs.json │ ├── torch_acos.json │ ├── torch_atanh.json │ ├── torch_angle.json │ ├── torch_asin.json │ ├── torch_atan.json │ ├── torch_ceil.json │ ├── torch_log2.json │ ├── torch_neg.json │ ├── torch_tan.json │ ├── torch_acosh.json │ ├── torch_cos.json │ ├── torch_deg2rad.json │ ├── torch_exp.json │ ├── torch_isneginf.json │ ├── torch_lgamma.json │ ├── torch_log.json │ ├── torch_sgn.json │ ├── torch_sin.json │ ├── torch_absolute.json │ ├── torch_arcsin.json │ ├── torch_arcsinh.json │ ├── torch_arctan.json │ ├── torch_erfinv.json │ ├── torch_exp2.json │ ├── torch_floor.json │ ├── torch_log10.json │ ├── torch_log1p.json │ ├── torch_msort.json │ ├── torch_negative.json │ ├── torch_sigmoid.json │ ├── torch_sign.json │ ├── torch_signbit.json │ ├── torch_sinh.json │ ├── torch_sqrt.json │ ├── torch_tanh.json │ ├── torch_trunc.json │ ├── torch_erfc.json │ ├── torch_expm1.json │ ├── torch_i0.json │ ├── torch_rad2deg.json │ ├── torch_sinc.json │ ├── torch_arccos.json │ ├── torch_arccosh.json │ ├── torch_arctanh.json │ ├── torch_digamma.json │ ├── torch_inverse.json │ ├── torch_asinh.json │ ├── torch_erf.json │ ├── torch_fix.json │ ├── torch_rsqrt.json │ ├── torch_logical_not.json │ └── torch_reciprocal.json │ ├── torch_layer_info_new_new │ ├── torch.nn.Tanh.json │ ├── torch.nn.LogSigmoid.json │ ├── torch.nn.Sigmoid.json │ ├── torch.nn.Softmax2d.json │ ├── torch.nn.Softsign.json │ ├── torch.nn.Tanhshrink.json │ ├── torch.nn.functional.tanh.json │ ├── torch.nn.functional.relu_.json │ ├── torch.nn.functional.sigmoid.json │ ├── torch.nn.functional.softsign.json │ ├── torch.nn.functional.logsigmoid.json │ ├── torch.nn.functional.tanhshrink.json │ ├── torch.nn.Hardshrink.json │ ├── torch.nn.LogSoftmax.json │ ├── torch.nn.Softmax.json │ ├── torch.nn.Softmin.json │ ├── torch.nn.Softshrink.json │ ├── torch.nn.ReLU.json │ ├── torch.nn.ReLU6.json │ ├── torch.nn.SELU.json │ ├── torch.nn.ZeroPad2d.json │ ├── torch.nn.ReflectionPad1d.json │ ├── torch.nn.ReflectionPad2d.json │ ├── torch.nn.ReplicationPad1d.json │ ├── torch.nn.ReplicationPad2d.json │ ├── torch.nn.ReplicationPad3d.json │ ├── torch.nn.SiLU.json │ ├── torch.nn.functional.glu.json │ ├── torch.nn.functional.pdist.json │ ├── torch.nn.ChannelShuffle.json │ ├── torch.nn.Hardswish.json │ ├── torch.nn.functional.softmax.json │ ├── torch.nn.functional.softmin.json │ ├── torch.nn.Hardsigmoid.json │ ├── torch.nn.PixelShuffle.json │ ├── torch.nn.functional.elu_.json │ ├── torch.nn.functional.hardshrink.json │ ├── torch.nn.functional.log_softmax.json │ ├── torch.nn.functional.one_hot.json │ ├── torch.nn.functional.prelu.json │ ├── torch.nn.functional.softshrink.json │ ├── torch.nn.PixelUnshuffle.json │ ├── torch.nn.functional.mish.json │ ├── torch.nn.functional.relu.json │ ├── torch.nn.functional.relu6.json │ ├── torch.nn.functional.selu.json │ ├── torch.nn.functional.silu.json │ ├── torch.nn.functional.hardsigmoid.json │ ├── torch.nn.functional.hardswish.json │ ├── torch.nn.functional.leaky_relu_.json │ ├── torch.nn.functional.pixel_shuffle.json │ ├── torch.nn.functional.pixel_unshuffle.json │ ├── torch.nn.functional.adaptive_avg_pool1d.json │ ├── torch.nn.ReflectionPad3d.json │ ├── torch.nn.AdaptiveAvgPool1d.json │ ├── torch.nn.AdaptiveAvgPool2d.json │ ├── torch.nn.AdaptiveAvgPool3d.json │ ├── torch.nn.functional.adaptive_avg_pool2d.json │ ├── torch.nn.functional.adaptive_avg_pool3d.json │ ├── torch.nn.Softplus.json │ ├── torch.nn.functional.gelu.json │ ├── torch.nn.PReLU.json │ ├── torch.nn.CELU.json │ ├── torch.nn.Dropout.json │ └── torch.nn.ELU.json │ ├── torch_layer_info_new │ ├── torch.nn.SiLU.json │ ├── torch.nn.ChannelShuffle.json │ ├── torch.nn.Hardswish.json │ ├── torch.nn.PixelShuffle.json │ ├── torch.nn.Hardsigmoid.json │ ├── torch.nn.PixelUnshuffle.json │ ├── torch.nn.ReflectionPad3d.json │ ├── torch.nn.functional.logsigmoid.json │ ├── torch.nn.functional.tanh.json │ ├── torch.nn.AdaptiveAvgPool3d.json │ ├── torch.nn.Hardshrink.json │ ├── torch.nn.Softmax.json │ ├── torch.nn.Softmin.json │ ├── torch.nn.Softshrink.json │ ├── torch.nn.functional.adaptive_avg_pool1d.json │ ├── torch.nn.LogSoftmax.json │ ├── torch.nn.ReLU.json │ ├── torch.nn.ReLU6.json │ ├── torch.nn.SELU.json │ ├── torch.nn.functional.tanhshrink.json │ ├── torch.nn.functional.relu_.json │ ├── torch.nn.functional.softsign.json │ ├── torch.nn.ZeroPad2d.json │ ├── torch.nn.ReflectionPad1d.json │ ├── torch.nn.ReflectionPad2d.json │ ├── torch.nn.ReplicationPad1d.json │ ├── torch.nn.ReplicationPad2d.json │ ├── torch.nn.ReplicationPad3d.json │ ├── torch.nn.functional.sigmoid.json │ ├── torch.nn.LogSigmoid.json │ ├── torch.nn.Sigmoid.json │ ├── torch.nn.Flatten.json │ ├── torch.nn.CosineSimilarity.json │ ├── torch.nn.Dropout1d.json │ ├── torch.nn.functional.elu_.json │ ├── torch.nn.functional.relu.json │ ├── torch.nn.functional.hardshrink.json │ ├── torch.nn.functional.one_hot.json │ ├── torch.nn.functional.relu6.json │ ├── torch.nn.functional.selu.json │ ├── torch.nn.functional.silu.json │ ├── torch.nn.Tanh.json │ ├── torch.nn.functional.gelu.json │ ├── torch.nn.functional.hardswish.json │ ├── torch.nn.Softmax2d.json │ ├── torch.nn.Softsign.json │ ├── torch.nn.Tanhshrink.json │ ├── torch.nn.functional.adaptive_max_pool1d.json │ ├── torch.nn.functional.glu.json │ ├── torch.nn.functional.hardsigmoid.json │ ├── torch.nn.functional.leaky_relu_.json │ ├── torch.nn.functional.softshrink.json │ ├── torch.nn.functional.mish.json │ ├── torch.nn.functional.pdist.json │ ├── torch.nn.Softplus.json │ ├── torch.nn.functional.adaptive_avg_pool3d.json │ ├── torch.nn.functional.adaptive_max_pool3d.json │ ├── torch.nn.PReLU.json │ ├── torch.nn.functional.adaptive_max_pool2d.json │ ├── torch.nn.functional.pixel_shuffle.json │ ├── torch.nn.Dropout.json │ ├── torch.nn.ELU.json │ ├── torch.nn.functional.pixel_unshuffle.json │ ├── torch.nn.AlphaDropout.json │ ├── torch.nn.CELU.json │ ├── torch.nn.Dropout2d.json │ ├── torch.nn.Dropout3d.json │ └── torch.nn.functional.prelu.json │ ├── torch_layer_info │ ├── torch_nn_Softmax.json │ ├── torch_nn_Softmin.json │ ├── torch_nn_Hardshrink.json │ ├── torch_nn_LogSoftmax.json │ ├── torch_nn_ReLU.json │ ├── torch_nn_ReLU6.json │ ├── torch_nn_SELU.json │ ├── torch_nn_Softshrink.json │ ├── torch_nn_ZeroPad2d.json │ ├── torch_nn_ReflectionPad1d.json │ ├── torch_nn_ReflectionPad2d.json │ ├── torch_nn_ReplicationPad1d.json │ ├── torch_nn_ReplicationPad2d.json │ ├── torch_nn_ReplicationPad3d.json │ ├── torch_nn_PReLU.json │ ├── torch_nn_Softplus.json │ ├── torch_nn_CELU.json │ ├── torch_nn_Dropout.json │ ├── torch_nn_Dropout2d.json │ ├── torch_nn_Dropout3d.json │ ├── torch_nn_ELU.json │ └── torch_nn_AlphaDropout.json │ ├── torch.isneginf.json │ ├── torch.nn.functional.linear.json │ ├── torch.signbit.json │ ├── torch.inverse.json │ ├── torch.logical_not.json │ └── torch.isposinf.json ├── bugs └── jittor │ ├── AdaptiveMaxPool3d │ └── 4.md │ └── MaxUnpool2d │ └── 1.py └── moco_tf2 ├── Data └── tf_layer_infos │ ├── layer │ ├── tf.keras.layers.Add.json │ ├── tf.keras.layers.Maximum.json │ ├── tf.keras.layers.Minimum.json │ ├── tf.keras.layers.Multiply.json │ ├── tf.keras.layers.Subtract.json │ ├── tf.nn.elu.json │ ├── tf.nn.relu.json │ ├── tf.nn.relu6.json │ ├── tf.nn.selu.json │ ├── tf.nn.swish.json │ ├── tf.nn.sigmoid.json │ ├── tf.nn.softplus.json │ ├── tf.nn.softsign.json │ ├── tf.keras.layers.Permute.json │ ├── tf.keras.layers.Dropout.json │ ├── tf.keras.layers.AlphaDropout.json │ ├── tf.keras.layers.GaussianDropout.json │ ├── tf.keras.layers.SpatialDropout1D.json │ ├── tf.keras.layers.ThresholdedReLU.json │ ├── tf.keras.layers.Softmax.json │ ├── tf.keras.layers.Concatenate.json │ ├── tf.keras.layers.ELU.json │ ├── tf.keras.layers.UpSampling1D.json │ ├── tf.keras.layers.LeakyReLU.json │ ├── tf.keras.layers.ZeroPadding1D.json │ ├── tf.keras.layers.Cropping1D.json │ ├── tf.keras.layers.Flatten.json │ ├── tf.keras.layers.GlobalAveragePooling1D.json │ ├── tf.nn.dropout.json │ ├── tf.nn.leaky_relu.json │ ├── tf.nn.crelu.json │ ├── tf.nn.log_softmax.json │ ├── tf.nn.gelu.json │ ├── tf.keras.layers.DenseFeatures.json │ ├── tf.keras.layers.ActivityRegularization.json │ ├── tf.keras.layers.SpatialDropout2D.json │ └── tf.keras.layers.SpatialDropout3D.json │ ├── .DS_Store │ └── math │ ├── .DS_Store │ ├── tf.math.sin.json │ ├── tf.math.atanh.json │ ├── tf.math.erfcinv.json │ ├── tf.math.log.json │ ├── tf.math.asinh.json │ ├── tf.math.atan.json │ ├── tf.math.ceil.json │ ├── tf.math.digamma.json │ ├── tf.math.erfc.json │ ├── tf.math.floor.json │ ├── tf.math.lgamma.json │ ├── tf.math.log1p.json │ ├── tf.math.rint.json │ ├── tf.math.sigmoid.json │ ├── tf.math.sqrt.json │ ├── tf.math.tanh.json │ ├── tf.math.acos.json │ ├── tf.math.asin.json │ ├── tf.math.bessel_i0.json │ ├── tf.math.cosh.json │ ├── tf.math.erf.json │ ├── tf.math.erfinv.json │ ├── tf.math.exp.json │ ├── tf.math.log_sigmoid.json │ ├── tf.math.ndtri.json │ ├── tf.math.square.json │ ├── tf.math.abs.json │ ├── tf.math.reciprocal.json │ ├── tf.math.softplus.json │ ├── tf.math.bessel_i0e.json │ ├── tf.math.bessel_i1.json │ ├── tf.math.sign.json │ ├── tf.math.bessel_i1e.json │ ├── tf.math.negative.json │ ├── tf.math.sinh.json │ ├── tf.math.softsign.json │ ├── tf.math.expm1.json │ ├── tf.math.round.json │ ├── tf.math.reciprocal_no_nan.json │ └── tf.math.cos.json ├── DS ├── __pycache__ │ ├── Block.cpython-39.pyc │ ├── Model.cpython-39.pyc │ └── __init__.cpython-39.pyc └── __init__.py ├── __pycache__ └── __init__.cpython-39.pyc ├── Utils ├── __pycache__ │ ├── utils.cpython-39.pyc │ └── __init__.cpython-39.pyc └── __init__.py ├── Tools ├── __pycache__ │ ├── Boundary.cpython-39.pyc │ ├── Filter.cpython-39.pyc │ ├── Mutator.cpython-39.pyc │ ├── Parser.cpython-39.pyc │ ├── __init__.cpython-39.pyc │ ├── Assembler.cpython-39.pyc │ ├── ConstraintChecker.cpython-39.pyc │ └── TesterKitGenerator.cpython-39.pyc └── __init__.py └── __init__.py /moco_jt2/DS/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /moco_jt2/Tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /moco_torch2/DS/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /moco_torch2/Tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /moco_jt2/.gitignore: -------------------------------------------------------------------------------- 1 | Data/Datasets/ 2 | Output/ 3 | Test/ 4 | .idea/ -------------------------------------------------------------------------------- /moco_torch2/.gitignore: -------------------------------------------------------------------------------- 1 | Data/Datasets/ 2 | Output/ 3 | Test/ 4 | .idea/ -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch.Tensor.inverse.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch.Tensor.isneginf.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch.Tensor.isposinf.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch.Tensor.logical_not.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch.Tensor.signbit.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /bugs/jittor/AdaptiveMaxPool3d/4.md: -------------------------------------------------------------------------------- 1 | The doc of jittor.nn.AdaptiveMaxPool3d has not been put on the website. -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_GELU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_ReLU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_ReLU6.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_Sigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_Softmax.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_Tanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.Add.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.i0.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_LeakyReLU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_Leaky_relu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.Maximum.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.Minimum.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.Multiply.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.Subtract.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_asin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_atan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_ceil.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_cosh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_erf.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_erfc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_exp.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_fix.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_i0.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_log.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_log2.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_sign.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_sin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_sinc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_sinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_tanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Tanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.acosh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.angle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.arccos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.arccosh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.arcsin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.arcsinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.arctan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.asin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.asinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.atan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.atanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.ceil.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.cosh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.deg2rad.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.digamma.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.erf.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.erfc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.erfinv.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.exp.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.expm1.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.fix.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.floor.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.lgamma.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.log.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.log10.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.log1p.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.log2.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.msort.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.rad2deg.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.sigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.sign.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.sin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.sinc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.sinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.square.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.tanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.trunc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_absolute.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_acosh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_angle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_arccos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_arccosh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_arcsin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_arcsinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_arctan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_asinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_atanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_deg2rad.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_digamma.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_erfinv.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_expm1.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_floor.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_inverse.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_isneginf.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_isposinf.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_lgamma.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_log10.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_log1p.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_msort.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_negative.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_rad2deg.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_sigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_signbit.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_square.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_trunc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.LogSigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Sigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Softmax2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Softsign.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Tanhshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.absolute.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.negative.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.reciprocal.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_conj_physical.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_logical_not.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_reciprocal.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.tanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.conj_physical.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.relu_.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.sigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.softsign.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/Data/tf_layer_infos/.DS_Store -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.logsigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.tanhshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": {}, 3 | "constraints": {} 4 | } -------------------------------------------------------------------------------- /moco_tf2/DS/__pycache__/Block.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/DS/__pycache__/Block.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/DS/__pycache__/Model.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/DS/__pycache__/Model.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/Data/tf_layer_infos/math/.DS_Store -------------------------------------------------------------------------------- /moco_tf2/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/DS/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/DS/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/Utils/__pycache__/utils.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/Utils/__pycache__/utils.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/Tools/__pycache__/Boundary.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/Tools/__pycache__/Boundary.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/Tools/__pycache__/Filter.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/Tools/__pycache__/Filter.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/Tools/__pycache__/Mutator.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/Tools/__pycache__/Mutator.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/Tools/__pycache__/Parser.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/Tools/__pycache__/Parser.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/Tools/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/Tools/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/Utils/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/Utils/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/Tools/__pycache__/Assembler.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/Tools/__pycache__/Assembler.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/Tools/__pycache__/ConstraintChecker.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/Tools/__pycache__/ConstraintChecker.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/Tools/__pycache__/TesterKitGenerator.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SSCT-Lab/MoCoAssembler/HEAD/moco_tf2/Tools/__pycache__/TesterKitGenerator.cpython-39.pyc -------------------------------------------------------------------------------- /moco_tf2/__init__.py: -------------------------------------------------------------------------------- 1 | # -*- coding: utf-8 -*- 2 | 3 | """ 4 | @Title : 5 | @Time : 2024/7/27 16:01 6 | @Author : Biophilia Wu 7 | @Email : BiophiliaSWDA@163.com 8 | """ 9 | -------------------------------------------------------------------------------- /moco_tf2/DS/__init__.py: -------------------------------------------------------------------------------- 1 | # -*- coding: utf-8 -*- 2 | 3 | """ 4 | @Title : 5 | @Time : 2024/7/27 14:17 6 | @Author : Biophilia Wu 7 | @Email : BiophiliaSWDA@163.com 8 | """ 9 | -------------------------------------------------------------------------------- /moco_tf2/Tools/__init__.py: -------------------------------------------------------------------------------- 1 | # -*- coding: utf-8 -*- 2 | 3 | """ 4 | @Title : 5 | @Time : 2024/7/27 14:29 6 | @Author : Biophilia Wu 7 | @Email : BiophiliaSWDA@163.com 8 | """ 9 | -------------------------------------------------------------------------------- /moco_tf2/Utils/__init__.py: -------------------------------------------------------------------------------- 1 | # -*- coding: utf-8 -*- 2 | 3 | """ 4 | @Title : 5 | @Time : 2024/7/27 18:29 6 | @Author : Biophilia Wu 7 | @Email : BiophiliaSWDA@163.com 8 | """ 9 | -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.arctanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dtype": "No mention", 4 | "range": "No mention", 5 | "structure": "tensor", 6 | "shape": "No mention" 7 | }, 8 | "constraints": {} 9 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.neg.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dtype": "No mention", 4 | "range": "No mention", 5 | "structure": "No mention", 6 | "shape": "No mention" 7 | }, 8 | "constraints": {} 9 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_arctanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dtype": "No mention", 4 | "range": "No mention", 5 | "structure": "tensor", 6 | "shape": "No mention" 7 | }, 8 | "constraints": {} 9 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_frac.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dtype": "No mention", 4 | "range": "No mention", 5 | "structure": "No mention", 6 | "shape": "No mention" 7 | }, 8 | "constraints": {} 9 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_neg.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dtype": "No mention", 4 | "range": "No mention", 5 | "structure": "No mention", 6 | "shape": "No mention" 7 | }, 8 | "constraints": {} 9 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.frac.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dtype": "No mention", 4 | "range": "No mention", 5 | "structure": "No mention", 6 | "shape": "No mention" 7 | }, 8 | "constraints": {} 9 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.elu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.relu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.relu6.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.selu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.swish.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.sigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.softplus.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.softsign.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.Permute.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dims": { 4 | "dtype": ["int"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [1] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.Dropout.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "rate": { 4 | "dtype": ["float"], 5 | "range": [0, 1], 6 | "structure": ["scalar"], 7 | "shape": [1] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.AlphaDropout.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "rate": { 4 | "dtype": ["float"], 5 | "range": [0, 1], 6 | "structure": ["scalar"], 7 | "shape": [1] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.GaussianDropout.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "rate": { 4 | "dtype": ["float"], 5 | "range": [0, 1], 6 | "structure": ["scalar"], 7 | "shape": [1] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.SiLU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": "boolean", 5 | "range": "{True, False}", 6 | "structure": "scalar", 7 | "shape": 1 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.SpatialDropout1D.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "rate": { 4 | "dtype": ["float"], 5 | "range": [0, 1], 6 | "structure": ["scalar"], 7 | "shape": [1] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.ThresholdedReLU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "theta": { 4 | "dtype": ["float"], 5 | "range": [0, 1], 6 | "structure": ["scalar"], 7 | "shape": [1] 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.ChannelShuffle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "groups": { 4 | "dtype": "int", 5 | "range": "No mention", 6 | "structure": "scalar", 7 | "shape": 1 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Hardswish.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": "boolean", 5 | "range": "{False, True}", 6 | "structure": "scalar", 7 | "shape": 1 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.PixelShuffle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "upscale_factor": { 4 | "dtype": "int", 5 | "range": "[1, inf]", 6 | "structure": "scalar", 7 | "shape": 1 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Hardsigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": "boolean", 5 | "range": "{True, False}", 6 | "structure": "scalar", 7 | "shape": 1 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.Softmax.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "axis": { 4 | "dtype": ["int"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": [-1] 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.sin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "(-inf, inf)" 6 | }, 7 | "name": { 8 | "dtype": "string", 9 | "range": "No mention" 10 | } 11 | }, 12 | "constraints": {} 13 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.PixelUnshuffle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "downscale_factor": { 4 | "dtype": "int", 5 | "range": "No mention", 6 | "structure": "scalar", 7 | "shape": 1 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.Concatenate.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "axis": { 4 | "dtype": ["int"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": [-1] 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.ELU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "alpha": { 4 | "dtype": ["float"], 5 | "range": [0, 1], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": [1.0] 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.UpSampling1D.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "size": { 4 | "dtype": ["int"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": [2] 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_Softmax.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": ["int"], 5 | "range": [[0, 1]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "None" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_Softmin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": ["int"], 5 | "range": [[0, 1]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "None" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_sgn.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "Parameter": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.ReflectionPad3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": "int/tuple", 5 | "range": "No mention", 6 | "structure": "scalar/tuple", 7 | "shape": "1/6" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.logsigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.tanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.sgn.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "Parameter": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.LeakyReLU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "alpha": { 4 | "dtype": ["float"], 5 | "range": [0, 1], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": [0.0] 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_Hardshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "lambd": { 4 | "dtype": ["float"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_LogSoftmax.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": ["int"], 5 | "range": [[0, 1]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "None" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_ReLU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": ["boolean"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "False" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_ReLU6.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": ["boolean"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "False" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_SELU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": ["boolean"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "False" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_Softshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "lambd": { 4 | "dtype": ["float"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_cos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "Parameter name": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_tan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "Parameter name": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.AdaptiveAvgPool3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": "int/None", 5 | "range": "No mention", 6 | "structure": "scalar/tuple", 7 | "shape": "1/3" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Hardshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "lambd": { 4 | "dtype": ["float"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Softmax.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": ["int"], 5 | "range": [[0, 1]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "None" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Softmin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": ["int"], 5 | "range": [[0, 1]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "None" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Softshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "lambd": { 4 | "dtype": ["float"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.adaptive_avg_pool1d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": "int", 5 | "range": "No mention", 6 | "structure": "scalar", 7 | "shape": "1" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.acos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "Parameter name": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.cos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "Parameter name": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.rsqrt.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "Parameter name": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.sqrt.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "Parameter name": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.tan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "Parameter name": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.ZeroPadding1D.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [], 6 | "structure": ["scalar","tuple"], 7 | "shape": [1], 8 | "default": [1] 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_acos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "Parameter name": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_rsqrt.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "Parameter name": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_sqrt.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "Parameter name": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.LogSoftmax.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": ["int"], 5 | "range": [[0, 1]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "None" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.ReLU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": ["boolean"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "False" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.ReLU6.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": ["boolean"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "False" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.SELU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": ["boolean"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "False" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.tanhshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Hardshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "lambd": { 4 | "dtype": ["float"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.LogSoftmax.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": ["int"], 5 | "range": [[0, 1]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "None" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Softmax.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": ["int"], 5 | "range": [[0, 1]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "None" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Softmin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": ["int"], 5 | "range": [[0, 1]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "None" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Softshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "lambd": { 4 | "dtype": ["float"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.Cropping1D.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "cropping": { 4 | "dtype": ["int"], 5 | "range": [], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 2], 8 | "default": [1] 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_ZeroPad2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 4], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.relu_.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.softsign.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.ReLU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": ["boolean"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "False" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.ReLU6.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": ["boolean"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "False" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.SELU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": ["boolean"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": "False" 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_ReflectionPad1d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 2], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_ReflectionPad2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 4], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_ReplicationPad1d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 2], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_ReplicationPad2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 4], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_ReplicationPad3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 6], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.ZeroPad2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 4], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.ReflectionPad1d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 2], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.ReflectionPad2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 4], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.ReplicationPad1d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 2], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.ReplicationPad2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 4], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.ReplicationPad3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 6], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.ZeroPad2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 4], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.sigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "n-dimensional array (i.e., tensor)", 7 | "shape": "No mention" 8 | } 9 | }, 10 | "constraints": {} 11 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.ReflectionPad1d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 2], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.ReflectionPad2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 4], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.ReplicationPad1d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 2], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.ReplicationPad2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 4], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.ReplicationPad3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar", "tuple"], 7 | "shape": [1, 6], 8 | "default": null 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.Flatten.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "data_format": { 4 | "dtype": ["string"], 5 | "range": ["channels_last", "channels_first"], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": ["None"] 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.LogSigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "structure": "n-dimensional array", 5 | "shape": "No mention" 6 | }, 7 | "output": { 8 | "structure": "n-dimensional array", 9 | "shape": "No mention" 10 | } 11 | }, 12 | "constraints": {} 13 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Sigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "structure": "n-dimensional array", 5 | "shape": "No mention" 6 | }, 7 | "output": { 8 | "structure": "n-dimensional array", 9 | "shape": "same as input" 10 | } 11 | }, 12 | "constraints": {} 13 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.GlobalAveragePooling1D.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "data_format": { 4 | "dtype": ["string"], 5 | "range": ["channels_last", "channels_first"], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": ["channels_last"] 9 | } 10 | }, 11 | "constraints": {} 12 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_ELU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "alpha": { 4 | "dtype": [ 5 | "float" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": 1.0 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_Mish.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": [ 5 | "boolean" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": false 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.dropout.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | }, 9 | "rate": { 10 | "dtype": ["float"], 11 | "range": [0, 1], 12 | "structure": ["scalar"], 13 | "shape": [1] 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_PixelShuffle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "upscale_factor": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": null 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.SiLU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": [ 5 | "boolean" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "False" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.glu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | [-2, 2] 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": -1 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.pdist.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "p": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": 2 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.leaky_relu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | }, 9 | "alpha": { 10 | "dtype": ["float"], 11 | "range": [0, 1], 12 | "structure": ["scalar"], 13 | "shape": [1] 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.atanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "[-1, 1]", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.erfcinv.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "[0, 2]", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.log.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.ChannelShuffle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "groups": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": null 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Hardswish.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": [ 5 | "boolean" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "False" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.softmax.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "None" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.softmin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "None" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.asinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "[-inf, inf]", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": 1 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.atan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.ceil.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.digamma.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.erfc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.floor.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "(-inf, inf)", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.lgamma.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.log1p.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.rint.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.sigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.sqrt.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.tanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch.isneginf.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Hardsigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": [ 5 | "boolean" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "False" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.PixelShuffle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "upscale_factor": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": null 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.elu_.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "alpha": { 4 | "dtype": [ 5 | "float" 6 | ], 7 | "range": [ 8 | [1.0, 8.0] 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": 1.0 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.hardshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "lambd": { 4 | "dtype": [ 5 | "float" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": 0.5 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.log_softmax.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "None" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.one_hot.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "num_classes": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": 1 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.prelu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "weight": { 4 | "dtype": [ 5 | "float" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": null 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.softshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "lambd": { 4 | "dtype": [ 5 | "float" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": 0.5 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /bugs/jittor/MaxUnpool2d/1.py: -------------------------------------------------------------------------------- 1 | import jittor as jt 2 | import jittor.nn as nn 3 | 4 | # 创建输入数据 5 | input_data = jt.array([[[[1, 2, 3, 4, 5, 6]]]]) 6 | 7 | # 最大池化操作,获取输出和索引 8 | max_pool = nn.MaxPool2d(kernel_size=(1, 6), stride=(1, 1), return_indices=True) 9 | output, indices = max_pool(input_data) 10 | 11 | # 最大反池化操作 12 | unpool = nn.MaxUnpool2d(kernel_size=(1, 6), stride=(8, 3)) 13 | unpooled_output = unpool(output) -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.acos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float/complex", 5 | "range": "[-1, 1]", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.asin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float/complex", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.bessel_i0.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.cosh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float/complex", 5 | "range": "[-inf, inf]", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.erf.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.erfinv.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float/double", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.exp.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float/complex", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.log_sigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.ndtri.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float/double", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.square.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "int/float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Flatten.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "start_dim": { 4 | "dtype": "int", 5 | "range": "No mention", 6 | "structure": "scalar", 7 | "shape": 1 8 | }, 9 | "end_dim": { 10 | "dtype": "int", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": 1 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.PixelUnshuffle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "downscale_factor": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": null 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.mish.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": [ 5 | "boolean" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "False" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.relu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": [ 5 | "boolean" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "False" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.relu6.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": [ 5 | "boolean" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "False" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.selu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": [ 5 | "boolean" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "False" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.silu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": [ 5 | "boolean" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "False" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.Tensor.abs.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dtype": { 4 | "dtype": "string", 5 | "range": "No mention" 6 | }, 7 | "range": { 8 | "dtype": "No mention", 9 | "range": "No mention" 10 | }, 11 | "Parameter name": { 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.abs.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "int/float", 5 | "range": "No mention", 6 | "structure": "Tensor/SparseTensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": 1 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.reciprocal.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "int/float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.softplus.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch.nn.functional.linear.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "weight": { 4 | "dtype": [], 5 | "range": [], 6 | "structure": [], 7 | "shape": [], 8 | "default": null 9 | }, 10 | "bias": { 11 | "dtype": [], 12 | "range": [], 13 | "structure": [], 14 | "shape": [], 15 | "default": null 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch.signbit.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_Tensor_abs.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dtype": { 4 | "dtype": "string", 5 | "range": "No mention" 6 | }, 7 | "range": { 8 | "dtype": "No mention", 9 | "range": "No mention" 10 | }, 11 | "Parameter name": { 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.CosineSimilarity.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "dim": { 4 | "dtype": "int", 5 | "range": "No mention", 6 | "structure": "scalar", 7 | "shape": "1" 8 | }, 9 | "eps": { 10 | "dtype": "float", 11 | "range": "[0, \u221e)", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Dropout1d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "p": { 4 | "dtype": "float", 5 | "range": "[0.0, 1.0]", 6 | "structure": "scalar", 7 | "shape": 1 8 | }, 9 | "inplace": { 10 | "dtype": "boolean", 11 | "range": "{True, False}", 12 | "structure": "scalar", 13 | "shape": 1 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.hardsigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": [ 5 | "boolean" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "False" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.hardswish.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "inplace": { 4 | "dtype": [ 5 | "boolean" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": "False" 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.leaky_relu_.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "negative_slope": { 4 | "dtype": [ 5 | "float" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": 0.01 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.pixel_shuffle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "upscale_factor": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": null 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.acos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "[-1, 1]", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.crelu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | }, 9 | "axis": { 10 | "dtype": ["int"], 11 | "range": [], 12 | "structure": ["scalar", "list"], 13 | "shape": [1], 14 | "default": [-1] 15 | } 16 | }, 17 | "constraints": {} 18 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.log_softmax.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "logits": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | }, 9 | "axis": { 10 | "dtype": ["int"], 11 | "range": [], 12 | "structure": ["scalar"], 13 | "shape": [1], 14 | "default": [-1] 15 | } 16 | }, 17 | "constraints": {} 18 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.bessel_i0e.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor/SparseTensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.bessel_i1.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "Tensor/SparseTensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.sign.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "int/float", 5 | "range": "No mention", 6 | "structure": "tensor/SparseTensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch.inverse.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_acos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "[-1, 1]", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_atanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "(-1, 1)", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.pixel_unshuffle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "downscale_factor": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": null 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.angle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.asin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.atan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.atanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "(-1, 1)", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.ceil.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.log2.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.neg.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.tan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_ZeroPad2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 4 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.bessel_i1e.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor/sparse tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.negative.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "int/float", 5 | "range": "No mention", 6 | "structure": "tensor/SparseTensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.sinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float/complex", 5 | "range": "[-inf, inf]", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.softsign.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_angle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_asin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_atan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_ceil.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_log2.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_neg.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_tan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.adaptive_avg_pool1d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | [1, 16] 9 | ], 10 | "structure": [ 11 | "scalar" 12 | ], 13 | "shape": [ 14 | 1 15 | ], 16 | "default": null 17 | } 18 | }, 19 | "constraints": {} 20 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.deg2rad.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.lgamma.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_ReflectionPad2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 4 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_ReplicationPad2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 4 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.expm1.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array (i.e., tensor)", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch.logical_not.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "int/float/boolean", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "int/float/boolean", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_acosh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "[1, inf)", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_cos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_deg2rad.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_exp.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_isneginf.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_lgamma.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_log.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_sgn.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_sin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.acosh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "[1, inf)", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.arcsin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.arctan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.cos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.erfinv.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.exp.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.exp2.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.floor.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.log.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.log10.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.log1p.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.msort.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.sgn.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.sign.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.sin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.sinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.sqrt.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.tanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.trunc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_AdaptiveAvgPool2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 2 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_AdaptiveAvgPool3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 3 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.round.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "int/float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array (i.e., tensor)", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_absolute.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_arcsin.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_arcsinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_arctan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_erfinv.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_exp2.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_floor.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_log10.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_log1p.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_msort.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_negative.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_sigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_sign.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_signbit.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_sinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_sqrt.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_tanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_trunc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.elu_.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "alpha": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.relu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "inplace": { 10 | "dtype": "boolean", 11 | "range": "{True, False}", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.absolute.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.arcsinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.i0.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.negative.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.sigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_UpsamplingNearest2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "scale_factor": { 4 | "dtype": [ 5 | "float" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 2 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.nn.gelu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "features": { 4 | "dtype": ["tensor"], 5 | "range": [], 6 | "structure": ["scalar"], 7 | "shape": [] 8 | }, 9 | "approximate": { 10 | "dtype": ["boolean"], 11 | "range": [true, false], 12 | "structure": ["scalar"], 13 | "shape": [1], 14 | "default": [false] 15 | } 16 | }, 17 | "constraints": {} 18 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_erfc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_expm1.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_i0.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_rad2deg.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "n-dimensional" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "n-dimensional" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_sinc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.hardshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "lambd": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.one_hot.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "tensor": { 4 | "dtype": "int", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "num_classes": { 10 | "dtype": "int", 11 | "range": "[-1, No mention]", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.relu6.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "inplace": { 10 | "dtype": "boolean", 11 | "range": "{True, False}", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.selu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "inplace": { 10 | "dtype": "boolean", 11 | "range": "{True, False}", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.silu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "inplace": { 10 | "dtype": "boolean", 11 | "range": "{True, False}", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.ReflectionPad3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "padding": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 6 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.arccos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.arccosh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.arctanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.digamma.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.erfc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.expm1.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.rad2deg.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "n-dimensional" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "n-dimensional" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.sinc.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_jt2/Data/Jittor/jittor_layer_info/jittor_nn_UpsamplingBilinear2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "scale_factor": { 4 | "dtype": [ 5 | "float" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 2 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.reciprocal_no_nan.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "float/complex", 5 | "range": "No mention", 6 | "structure": "n-dimensional array (tensor)", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_arccos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_arccosh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_arctanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_digamma.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_inverse.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Tanh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "args": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "kwargs": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.gelu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "approximate": { 10 | "dtype": "string", 11 | "range": "{'none', 'tanh'}", 12 | "structure": "scalar", 13 | "shape": 1 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.hardswish.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "inplace": { 10 | "dtype": "boolean", 11 | "range": "{True, False}", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.AdaptiveAvgPool1d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 1 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.AdaptiveAvgPool2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 2 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.AdaptiveAvgPool3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 3 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.asinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "n-dimensional array", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.erf.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "int/float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.rsqrt.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "n-dimensional array", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/math/tf.math.cos.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "x": { 4 | "dtype": "bfloat16/half/float32/float64/complex64/complex128", 5 | "range": "(-inf, inf)", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "name": { 10 | "dtype": "string", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_asinh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "n-dimensional array", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_erf.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "int/float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_fix.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "int/float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "scalar/tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_rsqrt.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "n-dimensional array", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Softmax2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "args": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "kwargs": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Softsign.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "*args": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "**kwargs": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Tanhshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "args": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "No mention", 7 | "shape": "No mention" 8 | }, 9 | "kwargs": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "No mention", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.adaptive_max_pool1d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": "int", 5 | "range": "No mention", 6 | "structure": "scalar", 7 | "shape": 1 8 | }, 9 | "return_indices": { 10 | "dtype": "boolean", 11 | "range": "{True, False}", 12 | "structure": "scalar", 13 | "shape": 1 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.glu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "n-dimensional array (i.e., tensor)", 7 | "shape": "No mention" 8 | }, 9 | "dim": { 10 | "dtype": "int", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": 1 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.hardsigmoid.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "inplace": { 10 | "dtype": "boolean", 11 | "range": "{True, False}", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.leaky_relu_.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "negative_slope": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": 1 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.softshrink.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "lambd": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "scalar", 13 | "shape": 1 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.fix.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "int/float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "No mention", 11 | "range": "No mention", 12 | "structure": "scalar/tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_logical_not.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "int/float/boolean", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "int/float/boolean", 11 | "range": "No mention", 12 | "structure": "tensor", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.mish.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "inplace": { 10 | "dtype": "boolean", 11 | "range": "{True, False}", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.pdist.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "n-dimensional array (tensor)", 7 | "shape": "N\u00d7M" 8 | }, 9 | "p": { 10 | "dtype": "int/float", 11 | "range": "[0, \u221e]", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_PReLU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "num_parameters": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 1 9 | }, 10 | "init": { 11 | "dtype": ["float"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": 0.25 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_Softplus.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "beta": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 1 9 | }, 10 | "threshold": { 11 | "dtype": ["int"], 12 | "range": [[1, 20]], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": 20 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Softplus.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "beta": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 1 9 | }, 10 | "threshold": { 11 | "dtype": ["int"], 12 | "range": [[1, 20]], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": 20 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.adaptive_avg_pool3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "output_size": { 10 | "dtype": "int", 11 | "range": "No mention", 12 | "structure": "scalar/tuple", 13 | "shape": "1/3" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.adaptive_max_pool3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": "int", 5 | "range": "No mention", 6 | "structure": "scalar/tuple", 7 | "shape": "1/3" 8 | }, 9 | "return_indices": { 10 | "dtype": "boolean", 11 | "range": "{True, False}", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.adaptive_avg_pool2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 2 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.adaptive_avg_pool3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": [ 5 | "int" 6 | ], 7 | "range": [ 8 | null 9 | ], 10 | "structure": [ 11 | "scalar", 12 | "tuple" 13 | ], 14 | "shape": [ 15 | 1, 16 | 3 17 | ], 18 | "default": null 19 | } 20 | }, 21 | "constraints": {} 22 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.reciprocal.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "int/float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "int/float", 11 | "range": "No mention", 12 | "structure": "n-dimensional array", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.DenseFeatures.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "feature_columns": { 4 | "dtype": ["float"], 5 | "range": [0, 1], 6 | "structure": ["scalar"], 7 | "shape": [1] 8 | }, 9 | "trainable": { 10 | "dtype": ["boolean"], 11 | "range": [true, false], 12 | "structure": ["scalar"], 13 | "shape": [1], 14 | "default": [true] 15 | } 16 | }, 17 | "constraints": {} 18 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch.isposinf.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "n-dimensional array (i.e., tensor)", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "n-dimensional array (i.e., tensor)", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_math/torch_reciprocal.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "int/float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "int/float", 11 | "range": "No mention", 12 | "structure": "n-dimensional array", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.PReLU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "num_parameters": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 1 9 | }, 10 | "init": { 11 | "dtype": ["float"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": 0.25 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.adaptive_max_pool2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "output_size": { 4 | "dtype": "int/int", 5 | "range": "No mention", 6 | "structure": "scalar/tuple", 7 | "shape": "1/2" 8 | }, 9 | "return_indices": { 10 | "dtype": "boolean", 11 | "range": "{True, False}", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.pixel_shuffle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "(\u2217, C\u00d7r\u00b2, H, W)" 8 | }, 9 | "upscale_factor": { 10 | "dtype": "int", 11 | "range": "[1, \u221e)", 12 | "structure": "scalar", 13 | "shape": 1 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Softplus.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "beta": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 1 9 | }, 10 | "threshold": { 11 | "dtype": ["int"], 12 | "range": [[1, 20]], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": 20 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.functional.gelu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "approximate": { 4 | "dtype": [ 5 | "string" 6 | ], 7 | "range": [ 8 | [ 9 | "none", 10 | "tanh" 11 | ] 12 | ], 13 | "structure": [ 14 | "scalar" 15 | ], 16 | "shape": [ 17 | 1 18 | ], 19 | "default": "none" 20 | } 21 | }, 22 | "constraints": {} 23 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_CELU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "alpha": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 1.0 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_Dropout.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "p": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_Dropout2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "p": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_Dropout3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "p": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_ELU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "alpha": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 1.0 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Dropout.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "p": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.ELU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "alpha": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 1.0 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.pixel_unshuffle.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "(\u2217,C,H\u00d7r,W\u00d7r)" 8 | }, 9 | "downscale_factor": { 10 | "dtype": "int", 11 | "range": "[1, infinity)", 12 | "structure": "scalar", 13 | "shape": "1" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.PReLU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "num_parameters": { 4 | "dtype": ["int"], 5 | "range": [null], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 1 9 | }, 10 | "init": { 11 | "dtype": ["float"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": 0.25 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.ActivityRegularization.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "l1": { 4 | "dtype": ["float"], 5 | "range": [0, 1], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": [0.0] 9 | }, 10 | "l2": { 11 | "dtype": ["float"], 12 | "range": [0, 1], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": [0.0] 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info/torch_nn_AlphaDropout.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "p": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.AlphaDropout.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "p": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.CELU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "alpha": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 1.0 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Dropout2d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "p": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.Dropout3d.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "p": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new/torch.nn.functional.prelu.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "No mention", 5 | "range": "No mention", 6 | "structure": "tensor", 7 | "shape": "No mention" 8 | }, 9 | "weight": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "scalar/1-D tensor", 13 | "shape": "1/depends on input channels" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.CELU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "alpha": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 1.0 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.Dropout.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "p": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 0.5 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_layer_info_new_new/torch.nn.ELU.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "alpha": { 4 | "dtype": ["float"], 5 | "range": [[0.0, 1.0]], 6 | "structure": ["scalar"], 7 | "shape": [1], 8 | "default": 1.0 9 | }, 10 | "inplace": { 11 | "dtype": ["boolean"], 12 | "range": [null], 13 | "structure": ["scalar"], 14 | "shape": [1], 15 | "default": "False" 16 | } 17 | }, 18 | "constraints": {} 19 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.abs.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "Tensor", 5 | "range": "No mention", 6 | "structure": "n-dimensional array (i.e., tensor)", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "Tensor", 11 | "range": "No mention", 12 | "structure": "n-dimensional array (i.e., tensor)", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_torch2/Data/Torch/torch_math_op_info/torch.cosh.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "input": { 4 | "dtype": "float", 5 | "range": "No mention", 6 | "structure": "n-dimensional array (i.e., tensor)", 7 | "shape": "No mention" 8 | }, 9 | "out": { 10 | "dtype": "float", 11 | "range": "No mention", 12 | "structure": "n-dimensional array (i.e., tensor)", 13 | "shape": "No mention" 14 | } 15 | }, 16 | "constraints": {} 17 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.SpatialDropout2D.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "rate": { 4 | "dtype": ["float"], 5 | "range": [0, 1], 6 | "structure": ["scalar"], 7 | "shape": [1] 8 | }, 9 | "data_format": { 10 | "dtype": ["string"], 11 | "range": ["channels_last", "channels_first"], 12 | "structure": ["scalar"], 13 | "shape": [1], 14 | "default": ["None"] 15 | } 16 | }, 17 | "constraints": {} 18 | } -------------------------------------------------------------------------------- /moco_tf2/Data/tf_layer_infos/layer/tf.keras.layers.SpatialDropout3D.json: -------------------------------------------------------------------------------- 1 | { 2 | "params": { 3 | "rate": { 4 | "dtype": ["float"], 5 | "range": [0, 1], 6 | "structure": ["scalar"], 7 | "shape": [1] 8 | }, 9 | "data_format": { 10 | "dtype": ["string"], 11 | "range": ["channels_last", "channels_first"], 12 | "structure": ["scalar"], 13 | "shape": [1], 14 | "default": ["None"] 15 | } 16 | }, 17 | "constraints": {} 18 | } --------------------------------------------------------------------------------