| /external/linux-kselftest/tools/testing/selftests/tc-testing/tc-tests/actions/ |
| D | police.json | 17 "cmdUnderTest": "$TC actions add action police rate 1kbit burst 10k index 1", 20 "matchPattern": "action order [0-9]*: police 0x1 rate 1Kbit burst 10Kb", 40 "$TC actions add action police rate 4Mbit burst 120k index 9" 42 "cmdUnderTest": "$TC actions add action police rate 8kbit burst 24k index 9", 66 "cmdUnderTest": "$TC actions add action police rate 90kbit burst 10k mtu 1k index 98", 69 "matchPattern": "action order [0-9]*: police 0x62 rate 90Kbit burst 10Kb mtu 1Kb", 90 …"cmdUnderTest": "$TC actions add action police rate 90kbit burst 10k mtu 2kb peakrate 100kbit inde… 93 …"matchPattern": "action order [0-9]*: police 0x3 rate 90Kbit burst 10Kb mtu 2Kb peakrate 100Kbit", 114 … "cmdUnderTest": "$TC actions add action police rate 5kbit burst 6kb peakrate 10kbit index 9", 117 "matchPattern": "action order [0-9]*: police 0x9 rate 5Kb burst 10Kb", [all …]
|
| D | sample.json | 17 "cmdUnderTest": "$TC actions add action sample rate 10 group 1 index 2", 20 "matchPattern": "action order [0-9]+: sample rate 1/10 group 1.*index 2 ref", 41 "cmdUnderTest": "$TC actions add action sample rate 700 group 2 continue index 2", 44 "matchPattern": "action order [0-9]+: sample rate 1/700 group 2 continue.*index 2 ref", 65 "cmdUnderTest": "$TC actions add action sample rate 10000 group 11 drop index 22", 68 "matchPattern": "action order [0-9]+: sample rate 1/10000 group 11 drop.*index 22 ref", 89 "cmdUnderTest": "$TC actions add action sample rate 20000 group 72 reclassify index 100", 92 … "matchPattern": "action order [0-9]+: sample rate 1/20000 group 72 reclassify.*index 100 ref", 113 "cmdUnderTest": "$TC actions add action sample rate 20 group 2 pipe index 100", 116 "matchPattern": "action order [0-9]+: sample rate 1/20 group 2 pipe.*index 100 ref", [all …]
|
| /external/libnl/lib/cli/qdisc/ |
| D | htb.c | 17 " --r2q=DIV Rate to quantum divisor (default: 10)\n" in print_qdisc_usage() 69 " --rate=RATE Rate limit.\n" in print_class_usage() 70 " --ceil=RATE Rate limit while borrowing (default: equal to --rate).\n" in print_class_usage() 72 " --quantum=SIZE Amount of bytes to serve at once (default: rate/r2q).\n" in print_class_usage() 73 " --burst=SIZE Max charge size of rate burst buffer (default: auto).\n" in print_class_usage() 74 " --cburst=SIZE Max charge size of ceil rate burst buffer (default: auto)\n" in print_class_usage() 77 " # Attach class 1:1 to htb qdisc 1: and rate limit it to 20mbit\n" in print_class_usage() 78 " nl-class-add --dev=eth1 --parent=1: --classid=1:1 htb --rate=20mbit\n"); in print_class_usage() 84 long rate; in htb_parse_class_argv() local 98 { "rate", 1, 0, ARG_RATE }, in htb_parse_class_argv() [all …]
|
| /external/linux-kselftest/tools/testing/selftests/drivers/net/mlxsw/ |
| D | devlink_trap_policer.sh | 144 devlink trap policer set $DEVLINK_DEV policer 1 rate 0 &> /dev/null 145 check_fail $? "Policer rate was changed to rate lower than limit" 147 rate 2000000001 &> /dev/null 148 check_fail $? "Policer rate was changed to rate higher than limit" 150 devlink trap policer set $DEVLINK_DEV policer 1 rate 1 151 check_err $? "Failed to set policer rate to minimum" 152 devlink trap policer set $DEVLINK_DEV policer 1 rate 2000000000 153 check_err $? "Failed to set policer rate to maximum" 155 log_test "Trap policer rate limits" 205 local rate pct drop_rate [all …]
|
| /external/tensorflow/tensorflow/python/keras/optimizer_v2/ |
| D | legacy_learning_rate_decay.py | 15 """Various learning rate decay functions.""" 35 """Applies exponential decay to the learning rate. 37 When training a model, it is often recommended to lower the learning rate as 39 to a provided initial learning rate. It requires a `global_step` value to 40 compute the decayed learning rate. You can just pass a TensorFlow variable 43 The function returns the decayed learning rate. It is computed as: 51 integer division and the decayed learning rate follows a staircase function. 71 The initial learning rate. 77 The decay rate. 78 staircase: Boolean. If `True` decay the learning rate at discrete intervals [all …]
|
| D | learning_rate_schedule.py | 15 """Various learning rate decay functions.""" 33 """The learning rate schedule base class. 35 You can use a learning rate schedule to modulate how the learning rate 38 Several built-in learning rate schedules are available, such as 77 raise NotImplementedError("Learning rate schedule must override __call__") 81 raise NotImplementedError("Learning rate schedule must override get_config") 100 When training a model, it is often useful to lower the learning rate as 102 to an optimizer step, given a provided initial learning rate. 105 rate when passed the current optimizer step. This can be useful for changing 106 the learning rate value across different invocations of optimizer functions. [all …]
|
| /external/tensorflow/tensorflow/python/kernel_tests/nn_ops/ |
| D | atrous_conv2d_test.py | 30 def _upsample_filters(filters, rate): argument 31 """Upsamples the filters by a factor of rate along the spatial dimensions. 35 rate: An int, specifying the upsampling rate. 39 h_up = h + (h - 1) * (rate - 1) 40 w_up = w + (w - 1) * (rate - 1) 41 containing (rate - 1) zeros between consecutive filter values along 44 if rate == 1: 48 ker = np.zeros([rate, rate], dtype=np.float32) 50 filters_up = np.kron(filters_up, ker)[:, :, :-(rate - 1), :-(rate - 1)] 73 for rate in range(1, 4): [all …]
|
| /external/webrtc/rtc_base/ |
| D | rate_statistics_unittest.cc | 31 EXPECT_FALSE(static_cast<bool>(stats_.Rate(now_ms))); in TEST_F() 38 EXPECT_FALSE(static_cast<bool>(stats_.Rate(now_ms))); in TEST_F() 43 EXPECT_EQ(kExpectedRateBps, *stats_.Rate(now_ms)); in TEST_F() 47 EXPECT_FALSE(static_cast<bool>(stats_.Rate(now_ms))); in TEST_F() 57 absl::optional<uint32_t> rate = stats_.Rate(now_ms); in TEST_F() local 58 EXPECT_TRUE(static_cast<bool>(rate)); in TEST_F() 62 EXPECT_NEAR(rate_bps, *rate, 22000u); in TEST_F() 69 EXPECT_FALSE(static_cast<bool>(stats_.Rate(now_ms))); in TEST_F() 76 EXPECT_FALSE(static_cast<bool>(stats_.Rate(now_ms))); in TEST_F() 85 bitrate = stats_.Rate(now_ms); in TEST_F() [all …]
|
| /external/tensorflow/tensorflow/python/ops/distributions/ |
| D | gamma.py | 47 parameters `concentration` (aka "alpha") and `rate` (aka "beta"). 61 * `rate = beta`, `beta > 0`, 79 rate = beta = mean / stddev**2 = concentration / mean 89 `rate` is very large. See note in `tf.random.gamma` docstring. 101 dist = tfd.Gamma(concentration=3.0, rate=2.0) 102 dist2 = tfd.Gamma(concentration=[3.0, 4.0], rate=[2.0, 3.0]) 109 rate = tf.constant(2.0) 110 dist = tfd.Gamma(concentration, rate) 114 grads = tf.gradients(loss, [concentration, rate]) 134 rate, argument [all …]
|
| D | exponential.py | 40 The Exponential distribution is parameterized by an event `rate` parameter. 51 where `rate = lambda` and `Z` is the normalizaing constant. 57 Exponential(rate) = Gamma(concentration=1., rate) 60 The Exponential distribution uses a `rate` parameter, or "inverse scale", 64 X ~ Exponential(rate=1) 65 Y = X / rate 79 rate, argument 83 """Construct Exponential distribution with parameter `rate`. 86 rate: Floating point tensor, equivalent to `1 / mean`. Must contain only 103 with ops.name_scope(name, values=[rate]) as name: [all …]
|
| /external/iproute2/tc/ |
| D | m_police.c | 37 fprintf(stderr, "Usage: ... police rate BPS burst BYTES[/BYTES] [ mtu BYTES[/BYTES] ]\n"); in usage() 119 } else if (strcmp(*argv, "rate") == 0) { in act_parse_police() 121 if (p.rate.rate) { in act_parse_police() 122 fprintf(stderr, "Double \"rate\" spec\n"); in act_parse_police() 125 if (get_rate(&p.rate.rate, *argv)) { in act_parse_police() 126 explain1("rate"); in act_parse_police() 141 if (p.peakrate.rate) { in act_parse_police() 145 if (get_rate(&p.peakrate.rate, *argv)) { in act_parse_police() 185 if (p.rate.rate && avrate) in act_parse_police() 189 if (!p.rate.rate && !avrate && !p.index) { in act_parse_police() [all …]
|
| /external/libvpx/vpx/ |
| D | vpx_ext_ratectrl.h | 31 * In VPX_RC_QP mode, the external rate control model determines the 33 * In VPX_RC_GOP mode, the external rate control model determines the 35 * In VPX_RC_RDMULT mode, the external rate control model determines the 36 * rate-distortion multiplier (rdmult) for the current frame. 37 * In VPX_RC_GOP_QP mode, the external rate control model determines 39 * In VPX_RC_GOP_QP_RDMULT mode, the external rate control model determines 50 /*!\brief Abstract rate control model handler 58 * If the external rate control model returns this value, 59 * the encoder will use the default q selected by libvpx's rate control 65 * If the external rate control model returns this value, [all …]
|
| /external/webrtc/modules/audio_mixer/ |
| D | frame_combiner_unittest.cc | 54 ss << "Sample rate: " << sample_rate_hz << " ,"; in ProduceDebugText() 62 ss << "Sample rate: " << config.sample_rate_hz << " ,"; in ProduceDebugText() 94 // The limiter requires sample rate divisible by 2000. 97 for (const int rate : {8000, 18000, 34000, 48000}) { in TEST() 100 SetUpFrames(rate, number_of_channels); in TEST() 104 ProduceDebugText(rate, number_of_channels, number_of_frames)); in TEST() 108 combiner.Combine(frames_to_combine, number_of_channels, rate, in TEST() 147 for (const int rate : {8000, 18000, 34000, 48000}) { in TEST() 149 if (static_cast<size_t>(rate / 100 * number_of_channels) > in TEST() 154 SetUpFrames(rate, number_of_channels); in TEST() [all …]
|
| /external/webrtc/modules/audio_processing/aec3/ |
| D | block_framer_unittest.cc | 192 ss << "Sample rate: " << sample_rate_hz; in ProduceDebugText() 202 for (auto rate : {16000, 32000, 48000}) { in TEST() 204 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST() 205 const size_t correct_num_bands = NumBandsForRate(rate); in TEST() 208 rate, correct_num_channels, wrong_num_bands, correct_num_channels, in TEST() 216 for (auto rate : {16000, 32000, 48000}) { in TEST() 218 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST() 219 const size_t correct_num_bands = NumBandsForRate(rate); in TEST() 222 rate, correct_num_channels, correct_num_bands, wrong_num_channels, in TEST() 230 for (auto rate : {16000, 32000, 48000}) { in TEST() [all …]
|
| D | frame_blocker_unittest.cc | 264 ss << "Sample rate: " << sample_rate_hz; in ProduceDebugText() 274 for (auto rate : {16000, 32000, 48000}) { in TEST() 276 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST() 277 const size_t correct_num_bands = NumBandsForRate(rate); in TEST() 280 rate, correct_num_channels, wrong_num_bands, correct_num_channels, in TEST() 288 for (auto rate : {16000, 32000, 48000}) { in TEST() 290 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST() 291 const size_t correct_num_bands = NumBandsForRate(rate); in TEST() 294 rate, correct_num_channels, correct_num_bands, wrong_num_channels, in TEST() 302 for (auto rate : {16000, 32000, 48000}) { in TEST() [all …]
|
| /external/autotest/client/cros/audio/ |
| D | sox_utils.py | 13 def _raw_format_args(channels, bits, rate): argument 18 @param rate: Sampling rate. 24 args += _format_args(channels, bits, rate) 28 def _format_args(channels, bits, rate): argument 33 @param rate: Sampling rate. 38 return ['-c', str(channels), '-b', str(bits), '-r', str(rate)] 42 filename, channels=2, bits=16, rate=48000, duration=None, frequencies=440, 49 @param rate: The sampling rate. 62 args += _raw_format_args(channels, bits, rate) 64 args += _format_args(channels, bits, rate) [all …]
|
| D | audio_quality_measurement.py | 186 def noised_sine_wave(frequency, rate, noise_level): argument 190 @param rate: Sampling rate. 197 for index in range(0, rate * 2): 198 sample = 2.0 * math.pi * frequency * float(index) / float(rate) 226 def noise_level(amplitude, frequency, rate, teager_value_of_input): argument 237 @param rate: Sampling rate. 250 standard_wave = noised_sine_wave(frequency, rate, standard_noise) 270 def hilbert_analysis(signal, rate, block_size): argument 274 @param rate: Sampling rate. 311 frequency = numpy.diff(phase) / (2.0 * numpy.pi) * rate [all …]
|
| /external/iproute2/man/man8/ |
| D | tc-police.8 | 9 .BI rate " RATE " burst 13 .BI peakrate " RATE" 25 .IR RATE " [ " CONTROL " ]" 39 the packet rate: The first one uses an internal dual token bucket and is 48 .BI rate " RATE" 49 The maximum traffic rate of packets passing this action. Those exceeding it will 60 handled like they exceeded the configured rate). Setting this value correctly 66 .BI peakrate " RATE" 67 Set the maximum bucket depletion rate, exceeding 70 .BI avrate " RATE" [all …]
|
| /external/autotest/client/site_tests/audio_CRASFormatConversion/ |
| D | audio_CRASFormatConversion.py | 23 """Checks that sample rate conversion works in CRAS.""" 28 def play_sine_tone(self, frequency, rate): argument 32 @param rate: the sampling rate. 36 filename='-', rate=rate, frequencies=frequency, gain=-6), 41 rate=rate) 64 tones (the 440 and 523 Hz sine wave) at the specified sampling rate. 68 @param primary: The first sample rate, HW will be set to this. 69 @param secondary: The second sample rate, will be SRC'd to the first. 79 # Start with the primary sample rate, then add the secondary. This 80 # causes the secondary to be SRC'd to the primary rate. [all …]
|
| /external/swiftshader/third_party/llvm-10.0/llvm/lib/Target/PowerPC/ |
| D | PPCScheduleE5500.td | 74 [30, 2, 2], // Latency= 4..26, Repeat rate= 4..26 80 [20, 2, 2], // Latency= 4..16, Repeat rate= 4..16 85 [11], // Latency = 7, Repeat rate = 1 89 [11, 2, 2], // Latency = 7, Repeat rate = 7 94 [9, 2, 2], // Latency = 4..7, Repeat rate = 2..4 100 [8, 2, 2], // Latency = 4, Repeat rate = 1 106 [8, 2, 2], // Latency = 4, Repeat rate = 1 122 [6, 2, 2], // Latency = 2, Repeat rate = 2 127 [5, 2, 2], // Latency = 1, Repeat rate = 1 132 [6, 2, 2], // Latency = 2, Repeat rate = 2 [all …]
|
| /external/llvm/lib/Target/PowerPC/ |
| D | PPCScheduleE5500.td | 75 [30, 2, 2], // Latency= 4..26, Repeat rate= 4..26 81 [20, 2, 2], // Latency= 4..16, Repeat rate= 4..16 86 [11], // Latency = 7, Repeat rate = 1 90 [11, 2, 2], // Latency = 7, Repeat rate = 7 95 [9, 2, 2], // Latency = 4..7, Repeat rate = 2..4 101 [8, 2, 2], // Latency = 4, Repeat rate = 1 107 [8, 2, 2], // Latency = 4, Repeat rate = 1 123 [6, 2, 2], // Latency = 2, Repeat rate = 2 128 [5, 2, 2], // Latency = 1, Repeat rate = 1 133 [6, 2, 2], // Latency = 2, Repeat rate = 2 [all …]
|
| /external/libnl/lib/route/qdisc/ |
| D | tbf.c | 49 rtnl_copy_ratespec(&tbf->qt_rate, &opts.rate); in tbf_msg_parser() 84 nl_dump(p, " rate %.2f%s/s (%.0f%s) limit %.2f%s", in tbf_dump_line() 102 nl_dump(p, "rate-bucket-size %1.f%s " in tbf_dump_details() 103 "rate-cell-size %.1f%s\n", in tbf_dump_details() 119 " peak-rate %.2f%s/s (%.0f%s) " in tbf_dump_details() 140 rtnl_rcopy_ratespec(&opts.rate, &tbf->qt_rate); in tbf_msg_fill() 200 * configured rate and peak rate. In order for this operation to succeed, 201 * the rate and if required the peak rate must have been set in advance. 207 * limit = min(limit_{rate},limit_{peak}) 263 * Set rate of TBF qdisc. [all …]
|
| /external/python/cpython2/Lib/test/ |
| D | test_ossaudiodev.py | 29 rate = au.getframerate() 40 return (data, rate, 16, nchannels) 44 def play_sound_file(self, data, rate, ssize, nchannels): argument 75 expected_time = float(len(data)) / (ssize//8) / nchannels / rate 78 dsp.setparameters(AFMT_S16_NE, nchannels, rate) 101 (fmt, channels, rate) = config 104 dsp.speed(rate) == rate): 112 result = dsp.setparameters(fmt, channels, rate, False) 113 self.assertEqual(result, (fmt, channels, rate), 116 result = dsp.setparameters(fmt, channels, rate, True) [all …]
|
| /external/tensorflow/tensorflow/core/kernels/ |
| D | random_poisson_op.cc | 77 // rate. in operator ()() 78 // If rate < 10, we use an algorithm attributed to Knuth: in operator ()() 81 // This algorithm runs in O(rate) time, and will require O(rate) in operator ()() 84 // If rate >= 10 we use a transformation-rejection algorithm from in operator ()() 88 // The algorithm has an acceptance rate of ~89% for the smallest rate in operator ()() 90 // and higher accept rates for higher rate, so runtime is in operator ()() 94 // samples-per-rate to in operator ()() 95 // avoid a couple flops which can be done on a per-rate basis. in operator ()() 111 // Several calculations can be done on a per-rate basis. in operator ()() 112 const CT rate = CT(rate_flat[rate_idx]); in operator ()() local [all …]
|
| /external/libavc/encoder/ |
| D | ih264e_modify_frm_rate.h | 27 * Functions declarations used to modify frame rate 54 * The input frame rate set in the encoder (per 1000 sec) 59 * Frame rate of current frame due to pull down 70 * if greater than input frame rate stays at input frame rate 86 * @brief Function to init pd frame rate memtab 89 * Function to init pull down frame rate memtab 92 * pull down frame rate context 112 * @brief Initializes the pull down frame rate state structure based on input 113 * frame rate 116 * Initializes the pull down frame rate state structure based on input frame rate [all …]
|