/external/libnl/lib/cli/qdisc/ |
D | htb.c | 23 " --r2q=DIV Rate to quantum divisor (default: 10)\n" in print_qdisc_usage() 75 " --rate=RATE Rate limit.\n" in print_class_usage() 76 " --ceil=RATE Rate limit while borrowing (default: equal to --rate).\n" in print_class_usage() 78 " --quantum=SIZE Amount of bytes to serve at once (default: rate/r2q).\n" in print_class_usage() 79 " --burst=SIZE Max charge size of rate burst buffer (default: auto).\n" in print_class_usage() 80 " --cburst=SIZE Max charge size of ceil rate burst buffer (default: auto)\n" in print_class_usage() 83 " # Attach class 1:1 to htb qdisc 1: and rate limit it to 20mbit\n" in print_class_usage() 84 " nl-class-add --dev=eth1 --parent=1: --classid=1:1 htb --rate=20mbit\n"); in print_class_usage() 90 long rate; in htb_parse_class_argv() local 104 { "rate", 1, 0, ARG_RATE }, in htb_parse_class_argv() [all …]
|
/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/tensorflow/tensorflow/python/kernel_tests/ |
D | atrous_conv2d_test.py | 34 def _upsample_filters(filters, rate): argument 35 """Upsamples the filters by a factor of rate along the spatial dimensions. 39 rate: An int, specifying the upsampling rate. 43 h_up = h + (h - 1) * (rate - 1) 44 w_up = w + (w - 1) * (rate - 1) 45 containing (rate - 1) zeros between consecutive filter values along 48 if rate == 1: 52 ker = np.zeros([rate, rate], dtype=np.float32) 54 filters_up = np.kron(filters_up, ker)[:, :, :-(rate - 1), :-(rate - 1)] 77 for rate in range(1, 4): [all …]
|
/external/tensorflow/tensorflow/python/keras/optimizer_v2/ |
D | legacy_learning_rate_decay.py | 15 """Various learning rate decay functions.""" 38 """Applies exponential decay to the learning rate. 40 When training a model, it is often recommended to lower the learning rate as 42 to a provided initial learning rate. It requires a `global_step` value to 43 compute the decayed learning rate. You can just pass a TensorFlow variable 46 The function returns the decayed learning rate. It is computed as: 54 integer division and the decayed learning rate follows a staircase function. 74 The initial learning rate. 80 The decay rate. 81 staircase: Boolean. If `True` decay the learning rate at discrete intervals [all …]
|
D | learning_rate_schedule.py | 15 """Various learning rate decay functions.""" 35 """A serializable learning rate decay schedule. 37 `LearningRateSchedule`s can be passed in as the learning rate of optimizers in 45 raise NotImplementedError("Learning rate schedule must override __call__") 49 raise NotImplementedError("Learning rate schedule must override get_config") 68 When training a model, it is often useful to lower the learning rate as 70 to an optimizer step, given a provided initial learning rate. 73 rate when passed the current optimizer step. This can be useful for changing 74 the learning rate value across different invocations of optimizer functions. 83 an integer division and the decayed learning rate follows a [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 | 51 parameters `concentration` (aka "alpha") and `rate` (aka "beta"). 65 * `rate = beta`, `beta > 0`, 83 rate = beta = mean / stddev**2 = concentration / mean 93 `rate` is very large. See note in `tf.random.gamma` docstring. 105 dist = tfd.Gamma(concentration=3.0, rate=2.0) 106 dist2 = tfd.Gamma(concentration=[3.0, 4.0], rate=[2.0, 3.0]) 113 rate = tf.constant(2.0) 114 dist = tfd.Gamma(concentration, rate) 118 grads = tf.gradients(loss, [concentration, rate]) 138 rate, argument [all …]
|
D | exponential.py | 44 The Exponential distribution is parameterized by an event `rate` parameter. 55 where `rate = lambda` and `Z` is the normalizaing constant. 61 Exponential(rate) = Gamma(concentration=1., rate) 64 The Exponential distribution uses a `rate` parameter, or "inverse scale", 68 X ~ Exponential(rate=1) 69 Y = X / rate 83 rate, argument 87 """Construct Exponential distribution with parameter `rate`. 90 rate: Floating point tensor, equivalent to `1 / mean`. Must contain only 107 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/webrtc/modules/audio_mixer/ |
D | frame_combiner_unittest.cc | 43 ss << "Sample rate: " << sample_rate_hz << " ,"; in ProduceDebugText() 51 ss << "Sample rate: " << config.sample_rate_hz << " ,"; in ProduceDebugText() 71 // The limiter requires sample rate divisible by 2000. 74 for (const int rate : {8000, 18000, 34000, 48000}) { in TEST() 77 SetUpFrames(rate, number_of_channels); in TEST() 81 ProduceDebugText(rate, number_of_channels, number_of_frames)); in TEST() 84 combiner.Combine(frames_to_combine, number_of_channels, rate, in TEST() 94 for (const int rate : {8000, 18000, 34000, 48000}) { in TEST() 96 if (static_cast<size_t>(rate / 100 * number_of_channels) > in TEST() 101 SetUpFrames(rate, number_of_channels); in TEST() [all …]
|
/external/webrtc/modules/audio_processing/aec3/ |
D | block_framer_unittest.cc | 209 ss << "Sample rate: " << sample_rate_hz; in ProduceDebugText() 219 for (auto rate : {16000, 32000, 48000}) { in TEST() 221 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST() 222 const size_t correct_num_bands = NumBandsForRate(rate); in TEST() 225 rate, correct_num_channels, wrong_num_bands, correct_num_channels, in TEST() 233 for (auto rate : {16000, 32000, 48000}) { in TEST() 235 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST() 236 const size_t correct_num_bands = NumBandsForRate(rate); in TEST() 239 rate, correct_num_channels, correct_num_bands, wrong_num_channels, in TEST() 247 for (auto rate : {16000, 32000, 48000}) { in TEST() [all …]
|
D | frame_blocker_unittest.cc | 282 ss << "Sample rate: " << sample_rate_hz; in ProduceDebugText() 292 for (auto rate : {16000, 32000, 48000}) { in TEST() 294 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST() 295 const size_t correct_num_bands = NumBandsForRate(rate); in TEST() 298 rate, correct_num_channels, wrong_num_bands, correct_num_channels, in TEST() 306 for (auto rate : {16000, 32000, 48000}) { in TEST() 308 SCOPED_TRACE(ProduceDebugText(rate, correct_num_channels)); in TEST() 309 const size_t correct_num_bands = NumBandsForRate(rate); in TEST() 312 rate, correct_num_channels, correct_num_bands, wrong_num_channels, in TEST() 320 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/tensorflow/tensorflow/python/keras/layers/ |
D | noise.py | 92 rate: Float, drop probability (as with `Dropout`). 94 standard deviation `sqrt(rate / (1 - rate))`. 110 def __init__(self, rate, **kwargs): argument 113 self.rate = rate 116 if 0 < self.rate < 1: 119 stddev = np.sqrt(self.rate / (1.0 - self.rate)) 130 config = {'rate': self.rate} 150 rate: float, drop probability (as with `Dropout`). 152 standard deviation `sqrt(rate / (1 - rate))`. 169 def __init__(self, rate, noise_shape=None, seed=None, **kwargs): argument [all …]
|
/external/autotest/client/site_tests/audio_CRASFormatConversion/ |
D | audio_CRASFormatConversion.py | 22 """Checks that sample rate conversion works in CRAS.""" 27 def play_sine_tone(self, frequency, rate): argument 31 @param rate: the sampling rate. 35 filename='-', rate=rate, frequencies=frequency, gain=-6), 40 rate=rate) 63 tones (the 440 and 523 Hz sine wave) at the specified sampling rate. 67 @param primary: The first sample rate, HW will be set to this. 68 @param secondary: The second sample rate, will be SRC'd to the first. 78 # Start with the primary sample rate, then add the secondary. This 79 # causes the secondary to be SRC'd to the primary rate. [all …]
|
/external/llvm-project/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/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/adhd/cras/src/server/rust/src/ |
D | rate_estimator.rs | 63 /// rate of an audio device. 68 /// since the last check time. Rate estimator will use this 74 /// * `lsq` - The helper used to estimate sample rate. 76 /// rate estimates to ensure that estimates do not change 78 /// * `estimated_rate` - The estimated rate at which samples are consumed. 91 /// Creates a rate estimator. 94 /// * `rate` - The initial value to estimate rate from. 95 /// * `window_size` - The window size of the rate estimator. 97 /// from old estimated rate values. Must be between 102 pub fn try_new(rate: u32, window_size: Duration, smooth_factor: f64) -> Result<Self> { in try_new() [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/libnl/lib/route/qdisc/ |
D | tbf.c | 55 rtnl_copy_ratespec(&tbf->qt_rate, &opts.rate); in tbf_msg_parser() 90 nl_dump(p, " rate %.2f%s/s (%.0f%s) limit %.2f%s", in tbf_dump_line() 108 nl_dump(p, "rate-bucket-size %1.f%s " in tbf_dump_details() 109 "rate-cell-size %.1f%s\n", in tbf_dump_details() 124 nl_dump_line(p, " peak-rate %.2f%s/s (%.0f%s) " in tbf_dump_details() 146 rtnl_rcopy_ratespec(&opts.rate, &tbf->qt_rate); in tbf_msg_fill() 206 * configured rate and peak rate. In order for this operation to succeed, 207 * the rate and if required the peak rate must have been set in advance. 213 * limit = min(limit_{rate},limit_{peak}) 269 * Set rate of TBF qdisc. [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 …]
|