content_type
stringclasses 8
values | main_lang
stringclasses 7
values | message
stringlengths 1
50
| sha
stringlengths 40
40
| patch
stringlengths 52
962k
| file_count
int64 1
300
|
---|---|---|---|---|---|
PHP | PHP | remove long comment | 4046a8165a259f4608179fcee4f977b138e68b4e | <ide><path>src/Illuminate/Database/Eloquent/Builder.php
<ide> public function chunk($count, callable $callback)
<ide> * @param int $count
<ide> * @param callable $callback
<ide> * @param string $column
<del> * @param string $alias Alias of the ID column if there are multiple columns with the same name. The alias must be defined in a select statement.
<add> * @param string $alias
<ide> * @return bool
<ide> */
<ide> public function chunkById($count, callable $callback, $column = null, $alias = null) | 1 |
Python | Python | fix test_call.py docstring | 4b40c34c532f3d3f8b2222a19ba5038eb61a1ee4 | <ide><path>tests/keras/layers/test_call.py
<ide> class TestCall(unittest.TestCase):
<ide> """Test __call__ methods"""
<ide>
<ide> def test_layer_call(self):
<del> """Test keras.layers.Layer.__call__"""
<add> """Test keras.layers.core.Layer.__call__"""
<ide> nb_samples, input_dim = 3, 10
<ide> layer = Layer()
<ide> X = K.placeholder(ndim=2)
<ide> def test_layer_call(self):
<ide> assert_allclose(x, y)
<ide>
<ide> def test_sequential_call(self):
<del> """Test keras.layers.Layer.__call__"""
<add> """Test keras.models.Sequential.__call__"""
<ide> nb_samples, input_dim, output_dim = 3, 10, 5
<ide> model = Sequential()
<ide> model.add(Dense(output_dim=output_dim, input_dim=input_dim))
<ide> def test_sequential_call(self):
<ide> x = np.random.randn(nb_samples, input_dim).astype(floatX)
<ide> y1 = F(x)
<ide> y2 = model.predict(x)
<add> # results of __call__ should match model.predict
<ide> assert_allclose(y1, y2)
<ide>
<ide> | 1 |
Python | Python | combine weights from multiple components | f8cf378be9087864328d9ad5b90bc15e78021cba | <ide><path>spacy/util.py
<ide> def combine_score_weights(weights: List[Dict[str, float]]) -> Dict[str, float]:
<ide> # score weights accordingly, then divide score by the number of components
<ide> total = sum([w for w in w_dict.values()])
<ide> for key, value in w_dict.items():
<del> result[key] = round(value / total / len(weights), 2)
<add> weight = round(value / total / len(weights), 2)
<add> result[key] = result.get(key, 0.0) + weight
<ide> return result
<ide>
<ide> | 1 |
Ruby | Ruby | show stderr by default when generating completions | 1209fc046f9669a9b418b7dd759caf4224ab2098 | <ide><path>Library/Homebrew/formula.rb
<ide> def generate_completions_from_executable(*commands,
<ide> popen_read_args << shell_parameter if shell_parameter.present?
<ide> popen_read_args.flatten!
<ide>
<add> popen_read_options = {}
<add> popen_read_options[:err] = :err unless ENV["HOMEBREW_STDERR"]
<add>
<ide> script_path.dirname.mkpath
<del> script_path.write Utils.safe_popen_read(popen_read_env, *popen_read_args)
<add> script_path.write Utils.safe_popen_read(popen_read_env, *popen_read_args, **popen_read_options)
<ide> end
<ide> end
<ide> | 1 |
Python | Python | improve assert_warns docstring with example | ff5680a0298251d8df7958f47032ac02cdea80e3 | <ide><path>numpy/testing/_private/utils.py
<ide> def assert_warns(warning_class, *args, **kwargs):
<ide> ----------
<ide> warning_class : class
<ide> The class defining the warning that `func` is expected to throw.
<del> \\*args : List of function and arguments
<del> `func` and arguments for `func`.
<del> \\*\\*kwargs : Kwargs
<add> func : callable, optional
<add> Callable to test
<add> *args : Arguments
<add> Arguments for `func`.
<add> **kwargs : Kwargs
<ide> Keyword arguments for `func`.
<ide>
<ide> Returns
<ide> -------
<ide> The value returned by `func`.
<ide>
<add> Examples
<add> --------
<add> >>> import warnings
<add> >>> def deprecated_func(num):
<add> ... warnings.warn("Please upgrade", DeprecationWarning)
<add> ... return num*num
<add> >>> with np.testing.assert_warns(DeprecationWarning):
<add> ... assert deprecated_func(4) == 16
<add> >>> # or passing a func
<add> >>> ret = np.testing.assert_warns(DeprecationWarning, deprecated_func, 4)
<add> >>> assert ret == 16
<ide> """
<ide> if not args:
<ide> return _assert_warns_context(warning_class) | 1 |
Python | Python | fix failing test | 7bc36c2c39b4412ba8aa01ff1197c999920cad1f | <ide><path>numpy/lib/tests/test_io.py
<ide> def test_large_zip(self):
<ide> except (MemoryError, OverflowError):
<ide> pytest.skip("Cannot allocate enough memory for test")
<ide> test_data = np.asarray([np.random.rand(np.random.randint(50,100),4)
<del> for i in range(800000)])
<add> for i in range(800000)], dtype=object)
<ide> with tempdir() as tmpdir:
<ide> np.savez(os.path.join(tmpdir, 'test.npz'), test_data=test_data)
<ide> | 1 |
Ruby | Ruby | optlink fake kegs in uninstall test | e1d7d44e5a13d16bc7773a7afb09c1a789878f5a | <ide><path>Library/Homebrew/test/uninstall_test.rb
<ide> def setup
<ide> depends_on "dependency"
<ide> end
<ide>
<del> [@dependency, @dependent].each { |f| f.installed_prefix.mkpath }
<add> [@dependency, @dependent].each do |f|
<add> f.installed_prefix.mkpath
<add> Keg.new(f.installed_prefix).optlink
<add> end
<ide>
<ide> tab = Tab.empty
<ide> tab.homebrew_version = "1.1.6"
<ide> def setup
<ide>
<ide> def teardown
<ide> Homebrew.failed = false
<del> [@dependency, @dependent].each { |f| f.rack.rmtree }
<add> [@dependency, @dependent].each do |f|
<add> f.installed_kegs.each(&:remove_opt_record)
<add> f.rack.rmtree
<add> end
<ide> end
<ide>
<ide> def handle_unsatisfied_dependents | 1 |
Ruby | Ruby | add unless_exist option to memory store | b5005b6259144eeea5b903d659f54bd8a0343d25 | <ide><path>activesupport/lib/active_support/cache/memory_store.rb
<ide> def read_entry(key, options) # :nodoc:
<ide> def write_entry(key, entry, options) # :nodoc:
<ide> synchronize do
<ide> old_entry = @data[key]
<add> return false if @data.key?(key) && options[:unless_exist]
<ide> @cache_size -= old_entry.size if old_entry
<ide> @cache_size += entry.size
<ide> @key_access[key] = Time.now.to_f
<ide><path>activesupport/test/caching_test.rb
<ide> def @cache.delete_entry (*args)
<ide> assert @cache.exist?(2)
<ide> assert [email protected]?(1)
<ide> end
<add>
<add> def test_write_with_unless_exist
<add> assert_equal true, @cache.write(1, "aaaaaaaaaa")
<add> assert_equal false, @cache.write(1, "aaaaaaaaaa", :unless_exist => true)
<add> @cache.write(1, nil)
<add> assert_equal false, @cache.write(1, "aaaaaaaaaa", :unless_exist => true)
<add> end
<ide> end
<ide>
<ide> uses_memcached 'memcached backed store' do | 2 |
Java | Java | fix bug in android elevation implementation | 64a78ed74b20a93d1272d9958a1cbfd6060604ad | <ide><path>ReactAndroid/src/main/java/com/facebook/react/views/view/ReactViewBackgroundDrawable.java
<ide> public void getOutline(Outline outline) {
<ide> : 0;
<ide> outline.setRoundRect(getBounds(), mBorderRadius + extraRadiusFromBorderWidth);
<ide> } else {
<del> super.getOutline(outline);
<add> outline.setRect(getBounds());
<ide> }
<ide> }
<ide> | 1 |
Python | Python | update documentation of numpy.memmap | c3b29ca3287ec440cd918f8ae0d1cae4b954e69d | <ide><path>numpy/core/memmap.py
<ide> class memmap(ndarray):
<ide> This class may at some point be turned into a factory function
<ide> which returns a view into an mmap buffer.
<ide>
<del> Delete the memmap instance to close the memmap file.
<add> Flush the memmap instance to write the changes to the file. Currently there
<add> is no API to close the underlying memmap. It is tricky to ensure the
<add> resource is actually closed, since it may be shared between different
<add> memmap instances.
<ide>
<ide>
<ide> Parameters
<ide> class memmap(ndarray):
<ide> flush
<ide> Flush any changes in memory to file on disk.
<ide> When you delete a memmap object, flush is called first to write
<del> changes to disk before removing the object.
<add> changes to disk.
<ide>
<ide>
<ide> See also
<ide> class memmap(ndarray):
<ide> >>> fp.filename == path.abspath(filename)
<ide> True
<ide>
<del> Deletion flushes memory changes to disk before removing the object:
<add> Flushes memory changes to disk in order to read them back
<ide>
<del> >>> del fp
<add> >>> fp.flush()
<ide>
<ide> Load the memmap and verify data was stored:
<ide> | 1 |
Text | Text | add notes on preparing training data to docs | 9391998c7779081226b65888a08b51798f94b5d2 | <ide><path>website/docs/api/data-formats.md
<ide> CLI [`train`](/api/cli#train) command. The built-in
<ide> of the `.conllu` format used by the
<ide> [Universal Dependencies corpora](https://github.com/UniversalDependencies).
<ide>
<add>Note that while this is the format used to save training data, you do not have
<add>to understand the internal details to use it or create training data. See the
<add>section on [preparing training data](/usage/training#training-data).
<add>
<ide> ### JSON training format {#json-input tag="deprecated"}
<ide>
<ide> <Infobox variant="warning" title="Changed in v3.0">
<ide><path>website/docs/usage/training.md
<ide> menu:
<ide> - ['Introduction', 'basics']
<ide> - ['Quickstart', 'quickstart']
<ide> - ['Config System', 'config']
<add> - ['Training Data', 'training-data']
<ide> - ['Custom Training', 'config-custom']
<ide> - ['Custom Functions', 'custom-functions']
<ide> - ['Initialization', 'initialization']
<ide> that reference this variable.
<ide>
<ide> </Infobox>
<ide>
<add>## Preparing Training Data {#training-data}
<add>
<add>Training data for NLP projects comes in many different formats. For some common
<add>formats such as CoNLL, spaCy provides [converters](/api/cli#convert) you can use
<add>from the command line. In other cases you'll have to prepare the training data
<add>yourself.
<add>
<add>When converting training data for use in spaCy, the main thing is to create
<add>[`Doc`](/api/doc) objects just like the results you want as output from the
<add>pipeline. For example, if you're creating an NER pipeline, loading your
<add>annotations and setting them as the `.ents` property on a `Doc` is all you need
<add>to worry about. On disk the annotations will be saved as a
<add>[`DocBin`](/api/docbin) in the
<add>[`.spacy` format](/api/data-formats#binary-training), but the details of that
<add>are handled automatically.
<add>
<add>Here's an example of creating a `.spacy` file from some NER annotations.
<add>
<add>```python
<add>### preprocess.py
<add>import spacy
<add>from spacy.tokens import DocBin
<add>
<add>nlp = spacy.blank("en")
<add>training_data = [
<add> ("Tokyo Tower is 333m tall.", [(0, 11, "BUILDING")]),
<add>]
<add># the DocBin will store the example documents
<add>db = DocBin()
<add>for text, annotations in training_data:
<add> doc = nlp(text)
<add> ents = []
<add> for start, end, label in annotations:
<add> span = doc.char_span(start, end, label=label)
<add> ents.append(span)
<add> doc.ents = ents
<add> db.add(doc)
<add>db.to_disk("./train.spacy")
<add>```
<add>
<add>For more examples of how to convert training data from a wide variety of formats
<add>for use with spaCy, look at the preprocessing steps in the
<add>[tutorial projects](https://github.com/explosion/projects/tree/v3/tutorials).
<add>
<add><Accordion title="What about the spaCy JSON format?" id="json-annotations" spaced>
<add>
<add>In spaCy v2, the recommended way to store training data was in
<add>[a particular JSON format](/api/data-formats#json-input), but in v3 this format
<add>is deprecated. It's fine as a readable storage format, but there's no need to
<add>convert your data to JSON before creating a `.spacy` file.
<add>
<add></Accordion>
<add>
<ide> ## Customizing the pipeline and training {#config-custom}
<ide>
<ide> ### Defining pipeline components {#config-components} | 2 |
Python | Python | use list and dict comprehension when possible | 0ee245bc6df60b911fafe81a743ec2a68a063c20 | <ide><path>numpy/compat/_inspect.py
<ide> def formatargvalues(args, varargs, varkw, locals,
<ide> def convert(name, locals=locals,
<ide> formatarg=formatarg, formatvalue=formatvalue):
<ide> return formatarg(name) + formatvalue(locals[name])
<del> specs = []
<del> for i in range(len(args)):
<del> specs.append(strseq(args[i], convert, join))
<add> specs = [strseq(arg, convert, join) for arg in args]
<add>
<ide> if varargs:
<ide> specs.append(formatvarargs(varargs) + formatvalue(locals[varargs]))
<ide> if varkw:
<ide><path>numpy/core/code_generators/genapi.py
<ide> def array_api_define(self):
<ide> return " (void *) %s" % self.name
<ide>
<ide> def internal_define(self):
<del> annstr = []
<del> for a in self.annotations:
<del> annstr.append(str(a))
<add> annstr = [str(a) for a in self.annotations]
<ide> annstr = ' '.join(annstr)
<ide> astr = """\
<ide> NPY_NO_EXPORT %s %s %s \\\n (%s);""" % (annstr, self.return_type,
<ide> def get_api_functions(tagname, api_dict):
<ide> functions = []
<ide> for f in API_FILES:
<ide> functions.extend(find_functions(f, tagname))
<del> dfunctions = []
<del> for func in functions:
<del> o = api_dict[func.name][0]
<del> dfunctions.append( (o, func) )
<add> dfunctions = [(api_dict[func.name][0], func) for func in functions]
<ide> dfunctions.sort()
<ide> return [a[1] for a in dfunctions]
<ide>
<ide><path>numpy/core/code_generators/generate_umath.py
<ide> def finish_signature(self, nin, nout):
<ide> _fdata_map = dict(e='npy_%sf', f='npy_%sf', d='npy_%s', g='npy_%sl',
<ide> F='nc_%sf', D='nc_%s', G='nc_%sl')
<ide> def build_func_data(types, f):
<del> func_data = []
<del> for t in types:
<del> d = _fdata_map.get(t, '%s') % (f,)
<del> func_data.append(d)
<add> func_data = [_fdata_map.get(t, '%s') % (f,) for t in types]
<ide> return func_data
<ide>
<ide> def TD(types, f=None, astype=None, in_=None, out=None, simd=None):
<ide><path>numpy/core/einsumfunc.py
<ide> def einsum_path(*operands, **kwargs):
<ide> broadcast_indices = [set(x) for x in broadcast_indices]
<ide>
<ide> # Compute size of each input array plus the output array
<del> size_list = []
<del> for term in input_list + [output_subscript]:
<del> size_list.append(_compute_size_by_dict(term, dimension_dict))
<add> size_list = [_compute_size_by_dict(term, dimension_dict)
<add> for term in input_list + [output_subscript]]
<ide> max_size = max(size_list)
<ide>
<ide> if memory_limit is None:
<ide> def einsum(*operands, **kwargs):
<ide> # Start contraction loop
<ide> for num, contraction in enumerate(contraction_list):
<ide> inds, idx_rm, einsum_str, remaining, blas = contraction
<del> tmp_operands = []
<del> for x in inds:
<del> tmp_operands.append(operands.pop(x))
<add> tmp_operands = [operands.pop(x) for x in inds]
<ide>
<ide> # Do we need to deal with the output?
<ide> handle_out = specified_out and ((num + 1) == len(contraction_list))
<ide><path>numpy/core/fromnumeric.py
<ide> def _wrapfunc(obj, method, *args, **kwds):
<ide>
<ide>
<ide> def _wrapreduction(obj, ufunc, method, axis, dtype, out, **kwargs):
<del> passkwargs = {}
<del> for k, v in kwargs.items():
<del> if v is not np._NoValue:
<del> passkwargs[k] = v
<add> passkwargs = {k: v for k, v in kwargs.items()
<add> if v is not np._NoValue}
<ide>
<ide> if type(obj) is not mu.ndarray:
<ide> try:
<ide><path>numpy/core/numeric.py
<ide> def array_equiv(a1, a2):
<ide> "print": ERR_PRINT,
<ide> "log": ERR_LOG}
<ide>
<del>_errdict_rev = {}
<del>for key in _errdict.keys():
<del> _errdict_rev[_errdict[key]] = key
<del>del key
<add>_errdict_rev = {value: key for key, value in _errdict.items()}
<ide>
<ide>
<ide> @set_module('numpy')
<ide><path>numpy/core/records.py
<ide> def pprint(self):
<ide> # pretty-print all fields
<ide> names = self.dtype.names
<ide> maxlen = max(len(name) for name in names)
<del> rows = []
<ide> fmt = '%% %ds: %%s' % maxlen
<del> for name in names:
<del> rows.append(fmt % (name, getattr(self, name)))
<add> rows = [fmt % (name, getattr(self, name)) for name in names]
<ide> return "\n".join(rows)
<ide>
<ide> # The recarray is almost identical to a standard array (which supports
<ide><path>numpy/core/tests/test_einsum.py
<ide> # Setup for optimize einsum
<ide> chars = 'abcdefghij'
<ide> sizes = np.array([2, 3, 4, 5, 4, 3, 2, 6, 5, 4, 3])
<del>global_size_dict = {}
<del>for size, char in zip(sizes, chars):
<del> global_size_dict[char] = size
<add>global_size_dict = dict(zip(chars, sizes))
<ide>
<ide>
<ide> class TestEinsum(object):
<ide><path>numpy/core/tests/test_nditer.py
<ide> def test_basic(self):
<ide> a = arange(12).reshape(2, 3, 2)
<ide>
<ide> i, j = np.nested_iters(a, [[0], [1, 2]])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 1, 2, 3, 4, 5], [6, 7, 8, 9, 10, 11]])
<ide>
<ide> i, j = np.nested_iters(a, [[0, 1], [2]])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 1], [2, 3], [4, 5], [6, 7], [8, 9], [10, 11]])
<ide>
<ide> i, j = np.nested_iters(a, [[0, 2], [1]])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 2, 4], [1, 3, 5], [6, 8, 10], [7, 9, 11]])
<ide>
<ide> def test_reorder(self):
<ide> def test_reorder(self):
<ide>
<ide> # In 'K' order (default), it gets reordered
<ide> i, j = np.nested_iters(a, [[0], [2, 1]])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 1, 2, 3, 4, 5], [6, 7, 8, 9, 10, 11]])
<ide>
<ide> i, j = np.nested_iters(a, [[1, 0], [2]])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 1], [2, 3], [4, 5], [6, 7], [8, 9], [10, 11]])
<ide>
<ide> i, j = np.nested_iters(a, [[2, 0], [1]])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 2, 4], [1, 3, 5], [6, 8, 10], [7, 9, 11]])
<ide>
<ide> # In 'C' order, it doesn't
<ide> i, j = np.nested_iters(a, [[0], [2, 1]], order='C')
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 2, 4, 1, 3, 5], [6, 8, 10, 7, 9, 11]])
<ide>
<ide> i, j = np.nested_iters(a, [[1, 0], [2]], order='C')
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 1], [6, 7], [2, 3], [8, 9], [4, 5], [10, 11]])
<ide>
<ide> i, j = np.nested_iters(a, [[2, 0], [1]], order='C')
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 2, 4], [6, 8, 10], [1, 3, 5], [7, 9, 11]])
<ide>
<ide> def test_flip_axes(self):
<ide> def test_flip_axes(self):
<ide>
<ide> # In 'K' order (default), the axes all get flipped
<ide> i, j = np.nested_iters(a, [[0], [1, 2]])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 1, 2, 3, 4, 5], [6, 7, 8, 9, 10, 11]])
<ide>
<ide> i, j = np.nested_iters(a, [[0, 1], [2]])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 1], [2, 3], [4, 5], [6, 7], [8, 9], [10, 11]])
<ide>
<ide> i, j = np.nested_iters(a, [[0, 2], [1]])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 2, 4], [1, 3, 5], [6, 8, 10], [7, 9, 11]])
<ide>
<ide> # In 'C' order, flipping axes is disabled
<ide> i, j = np.nested_iters(a, [[0], [1, 2]], order='C')
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[11, 10, 9, 8, 7, 6], [5, 4, 3, 2, 1, 0]])
<ide>
<ide> i, j = np.nested_iters(a, [[0, 1], [2]], order='C')
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[11, 10], [9, 8], [7, 6], [5, 4], [3, 2], [1, 0]])
<ide>
<ide> i, j = np.nested_iters(a, [[0, 2], [1]], order='C')
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[11, 9, 7], [10, 8, 6], [5, 3, 1], [4, 2, 0]])
<ide>
<ide> def test_broadcast(self):
<ide> def test_broadcast(self):
<ide> b = arange(3).reshape(1, 3)
<ide>
<ide> i, j = np.nested_iters([a, b], [[0], [1]])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[[0, 0], [0, 1], [0, 2]], [[1, 0], [1, 1], [1, 2]]])
<ide>
<ide> i, j = np.nested_iters([a, b], [[1], [0]])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[[0, 0], [1, 0]], [[0, 1], [1, 1]], [[0, 2], [1, 2]]])
<ide>
<ide> def test_dtype_copy(self):
<ide> def test_dtype_copy(self):
<ide> op_flags=['readonly', 'copy'],
<ide> op_dtypes='f8')
<ide> assert_equal(j[0].dtype, np.dtype('f8'))
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 1, 2], [3, 4, 5]])
<ide> vals = None
<ide>
<ide> def test_dtype_buffered(self):
<ide> def test_0d(self):
<ide> a = np.arange(12).reshape(2, 3, 2)
<ide> i, j = np.nested_iters(a, [[], [1, 0, 2]])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11]])
<ide>
<ide> i, j = np.nested_iters(a, [[1, 0, 2], []])
<del> vals = []
<del> for x in i:
<del> vals.append([y for y in j])
<add> vals = [list(j) for _ in i]
<ide> assert_equal(vals, [[0], [1], [2], [3], [4], [5], [6], [7], [8], [9], [10], [11]])
<ide>
<ide> i, j, k = np.nested_iters(a, [[2, 0], [], [1]])
<ide> def test_iter_buffering_reduction_reuse_reduce_loops():
<ide> op_flags=[['readonly'], ['readwrite']],
<ide> buffersize=5)
<ide>
<del> bufsizes = []
<ide> with it:
<del> for x, y in it:
<del> bufsizes.append(x.shape[0])
<add> bufsizes = [x.shape[0] for x, y in it]
<ide> assert_equal(bufsizes, [5, 2, 5, 2])
<ide> assert_equal(sum(bufsizes), a.size)
<ide>
<ide><path>numpy/core/tests/test_numerictypes.py
<ide> def normalize_descr(descr):
<ide> else:
<ide> nitem = (item[0], dtype)
<ide> out.append(nitem)
<del> elif isinstance(item[1], list):
<del> l = []
<del> for j in normalize_descr(item[1]):
<del> l.append(j)
<add> elif isinstance(dtype, list):
<add> l = normalize_descr(dtype)
<ide> out.append((item[0], l))
<ide> else:
<ide> raise ValueError("Expected a str or list and got %s" %
<ide><path>numpy/distutils/ccompiler.py
<ide> def _compiler_to_string(compiler):
<ide> v = getattr(compiler, key)
<ide> mx = max(mx, len(key))
<ide> props.append((key, repr(v)))
<del> lines = []
<del> format = '%-' + repr(mx+1) + 's = %s'
<del> for prop in props:
<del> lines.append(format % prop)
<add> fmt = '%-' + repr(mx+1) + 's = %s'
<add> lines = [fmt % prop for prop in props]
<ide> return '\n'.join(lines)
<ide>
<ide> def CCompiler_show_customization(self):
<ide><path>numpy/distutils/conv_template.py
<ide> def parse_loop_header(loophead) :
<ide> dlist = []
<ide> if nsub is None :
<ide> raise ValueError("No substitution variables found")
<del> for i in range(nsub) :
<del> tmp = {}
<del> for name, vals in names :
<del> tmp[name] = vals[i]
<add> for i in range(nsub):
<add> tmp = {name: vals[i] for name, vals in names}
<ide> dlist.append(tmp)
<ide> return dlist
<ide>
<ide><path>numpy/distutils/exec_command.py
<ide> def find_executable(exe, path=None, _cache={}):
<ide>
<ide> def _preserve_environment( names ):
<ide> log.debug('_preserve_environment(%r)' % (names))
<del> env = {}
<del> for name in names:
<del> env[name] = os.environ.get(name)
<add> env = {name: os.environ.get(name) for name in names}
<ide> return env
<ide>
<ide> def _update_environment( **env ):
<ide><path>numpy/distutils/npy_pkg_config.py
<ide> def parse_meta(config):
<ide> if not config.has_section('meta'):
<ide> raise FormatError("No meta section found !")
<ide>
<del> d = {}
<del> for name, value in config.items('meta'):
<del> d[name] = value
<add> d = dict(config.items('meta'))
<ide>
<ide> for k in ['name', 'description', 'version']:
<ide> if not k in d:
<ide><path>numpy/f2py/common_rules.py
<ide> def findcommonblocks(block, top=1):
<ide> ret = []
<ide> if hascommon(block):
<del> for n in block['common'].keys():
<del> vars = {}
<del> for v in block['common'][n]:
<del> vars[v] = block['vars'][v]
<del> ret.append((n, block['common'][n], vars))
<add> for key, value in block['common'].items():
<add> vars_ = {v: block['vars'][v] for v in value}
<add> ret.append((key, value, vars_))
<ide> elif hasbody(block):
<ide> for b in block['body']:
<ide> ret = ret + findcommonblocks(b, 0)
<ide><path>numpy/f2py/crackfortran.py
<ide> def postcrack2(block, tab='', param_map=None):
<ide> if not f90modulevars:
<ide> return block
<ide> if isinstance(block, list):
<del> ret = []
<del> for g in block:
<del> g = postcrack2(g, tab=tab + '\t', param_map=param_map)
<del> ret.append(g)
<add> ret = [postcrack2(g, tab=tab + '\t', param_map=param_map)
<add> for g in block]
<ide> return ret
<ide> setmesstext(block)
<ide> outmess('%sBlock: %s\n' % (tab, block['name']), 0)
<ide> def postcrack2(block, tab='', param_map=None):
<ide> val = kind['kind']
<ide> if val in param_map:
<ide> kind['kind'] = param_map[val]
<del> new_body = []
<del> for b in block['body']:
<del> b = postcrack2(b, tab=tab + '\t', param_map=param_map)
<del> new_body.append(b)
<add> new_body = [postcrack2(b, tab=tab + '\t', param_map=param_map)
<add> for b in block['body']]
<ide> block['body'] = new_body
<ide>
<ide> return block
<ide> def vars2fortran(block, vars, args, tab='', as_interface=False):
<ide> vardef = '%s(kind=%s)' % (vardef, selector['kind'])
<ide> c = ' '
<ide> if 'attrspec' in vars[a]:
<del> attr = []
<del> for l in vars[a]['attrspec']:
<del> if l not in ['external']:
<del> attr.append(l)
<add> attr = [l for l in vars[a]['attrspec']
<add> if l not in ['external']]
<ide> if attr:
<ide> vardef = '%s, %s' % (vardef, ','.join(attr))
<ide> c = ','
<ide><path>numpy/lib/type_check.py
<ide> def mintypecode(typechars, typeset='GDFgdf', default='d'):
<ide> return default
<ide> if 'F' in intersection and 'd' in intersection:
<ide> return 'D'
<del> l = []
<del> for t in intersection:
<del> i = _typecodes_by_elsize.index(t)
<del> l.append((i, t))
<add> l = [(_typecodes_by_elsize.index(t), t) for t in intersection]
<ide> l.sort()
<ide> return l[0][1]
<ide> | 17 |
Ruby | Ruby | fix habtm documentation to correct typo | ffb22bd2be62e6a9a2eb11966e9bc07fee8722af | <ide><path>activerecord/lib/active_record/associations.rb
<ide> def belongs_to(association_id, options = {})
<ide> # * <tt>Developer#projects.empty?</tt>
<ide> # * <tt>Developer#projects.size</tt>
<ide> # * <tt>Developer#projects.find(id)</tt>
<del> # * <tt>Developer#clients.exists?(...)</tt>
<add> # * <tt>Developer#projects.exists?(...)</tt>
<ide> # * <tt>Developer#projects.build</tt> (similar to <tt>Project.new("project_id" => id)</tt>)
<ide> # * <tt>Developer#projects.create</tt> (similar to <tt>c = Project.new("project_id" => id); c.save; c</tt>)
<ide> # The declaration may include an options hash to specialize the behavior of the association. | 1 |
Javascript | Javascript | fix some linting errors | ee0543ed0ad6cfd21af898bfa66b7651c2590600 | <ide><path>examples/universal/server/index.js
<add>/* eslint-disable no-console, no-use-before-define */
<add>
<ide> import path from 'path';
<ide> import Express from 'express';
<ide> import qs from 'qs';
<ide> import configureStore from '../common/store/configureStore';
<ide> import App from '../common/containers/App';
<ide> import { fetchCounter } from '../common/api/counter';
<ide>
<del>const app = Express();
<add>const app = new Express();
<ide> const port = 3000;
<ide>
<ide> // Use this middleware to server up static files built into dist
<ide> app.use(require('serve-static')(path.join(__dirname, '../dist')));
<ide> app.use(handleRender);
<ide>
<ide> function handleRender(req, res) {
<del>
<ide> // Query our mock API asynchronously
<ide> fetchCounter(apiResult => {
<del>
<ide> // Read the counter from the request, if provided
<ide> const params = qs.parse(req.query);
<del> const counter = parseInt(params.counter) || apiResult || 0;
<add> const counter = parseInt(params.counter, 10) || apiResult || 0;
<ide>
<ide> // Compile an initial state
<del> let initialState = { counter };
<add> const initialState = { counter };
<ide>
<ide> // Create a new Redux store instance
<ide> const store = configureStore(initialState); | 1 |
Java | Java | pass resource drawable id to constructor directly | 4acf009284bfbcd3408b0f198358112de1bcba28 | <ide><path>ReactAndroid/src/main/java/com/facebook/react/views/image/ReactImageManager.java
<ide> public ReactImageView createViewInstance(ThemedReactContext context) {
<ide> return new ReactImageView(
<ide> context,
<ide> getDraweeControllerBuilder(),
<del> getCallerContext());
<add> getCallerContext(),
<add> mResourceDrawableIdHelper);
<ide> }
<ide>
<ide> // In JS this is Image.props.source.uri
<ide> @ReactProp(name = "src")
<ide> public void setSource(ReactImageView view, @Nullable String source) {
<del> view.setSource(source, mResourceDrawableIdHelper);
<add> view.setSource(source);
<ide> }
<ide>
<ide> // In JS this is Image.props.loadingIndicatorSource.uri
<ide> @ReactProp(name = "loadingIndicatorSrc")
<ide> public void setLoadingIndicatorSource(ReactImageView view, @Nullable String source) {
<del> view.setLoadingIndicatorSource(source, mResourceDrawableIdHelper);
<add> view.setLoadingIndicatorSource(source);
<ide> }
<ide>
<ide> @ReactProp(name = "borderColor", customType = "Color")
<ide><path>ReactAndroid/src/main/java/com/facebook/react/views/image/ReactImageView.java
<ide>
<ide> import javax.annotation.Nullable;
<ide>
<add>import java.util.Arrays;
<add>
<ide> import android.content.Context;
<ide> import android.graphics.Bitmap;
<ide> import android.graphics.BitmapShader;
<ide> import com.facebook.react.uimanager.UIManagerModule;
<ide> import com.facebook.react.uimanager.events.EventDispatcher;
<ide>
<del>import java.util.Arrays;
<del>
<ide> /**
<ide> * Wrapper class around Fresco's GenericDraweeView, enabling persisting props across multiple view
<ide> * update and consistent processing of both static and network images.
<ide> public void process(Bitmap output, Bitmap source) {
<ide> }
<ide> }
<ide>
<add> private final ResourceDrawableIdHelper mResourceDrawableIdHelper;
<add>
<ide> private @Nullable Uri mUri;
<ide> private @Nullable Drawable mLoadingImageDrawable;
<ide> private int mBorderColor;
<ide> private static GenericDraweeHierarchy buildHierarchy(Context context) {
<ide> public ReactImageView(
<ide> Context context,
<ide> AbstractDraweeControllerBuilder draweeControllerBuilder,
<del> @Nullable Object callerContext) {
<add> @Nullable Object callerContext,
<add> ResourceDrawableIdHelper resourceDrawableIdHelper) {
<ide> super(context, buildHierarchy(context));
<ide> mScaleType = ImageResizeMode.defaultValue();
<ide> mDraweeControllerBuilder = draweeControllerBuilder;
<ide> mRoundedCornerPostprocessor = new RoundedCornerPostprocessor();
<ide> mCallerContext = callerContext;
<add> mResourceDrawableIdHelper = resourceDrawableIdHelper;
<ide> }
<ide>
<ide> public void setShouldNotifyLoadEvents(boolean shouldNotify) {
<ide> public void setScaleType(ScalingUtils.ScaleType scaleType) {
<ide> mIsDirty = true;
<ide> }
<ide>
<del> public void setSource(
<del> @Nullable String source,
<del> ResourceDrawableIdHelper resourceDrawableIdHelper) {
<add> public void setSource(@Nullable String source) {
<ide> mUri = null;
<ide> if (source != null) {
<ide> try {
<ide> public void setSource(
<ide> // ignore malformed uri, then attempt to extract resource ID.
<ide> }
<ide> if (mUri == null) {
<del> mUri = resourceDrawableIdHelper.getResourceDrawableUri(getContext(), source);
<add> mUri = mResourceDrawableIdHelper.getResourceDrawableUri(getContext(), source);
<ide> mIsLocalImage = true;
<ide> } else {
<ide> mIsLocalImage = false;
<ide> public void setSource(
<ide> mIsDirty = true;
<ide> }
<ide>
<del> public void setLoadingIndicatorSource(
<del> @Nullable String name,
<del> ResourceDrawableIdHelper resourceDrawableIdHelper) {
<del> Drawable drawable = resourceDrawableIdHelper.getResourceDrawable(getContext(), name);
<add> public void setLoadingIndicatorSource(@Nullable String name) {
<add> Drawable drawable = mResourceDrawableIdHelper.getResourceDrawable(getContext(), name);
<ide> mLoadingImageDrawable =
<ide> drawable != null ? (Drawable) new AutoRotateDrawable(drawable, 1000) : null;
<ide> mIsDirty = true;
<ide> public void maybeUpdateView() {
<ide> }
<ide>
<ide> boolean doResize = shouldResize(mUri);
<del> if (doResize && (getWidth() <= 0 || getHeight() <=0)) {
<add> if (doResize && (getWidth() <= 0 || getHeight() <= 0)) {
<ide> // If need a resize and the size is not yet set, wait until the layout pass provides one
<ide> return;
<ide> } | 2 |
Go | Go | refactor the flag management for main | 6b2e963ce0aef802e60eafe0e895f24abb294a07 | <ide><path>pkg/libcontainer/nsinit/exec.go
<ide> func Exec(container *libcontainer.Container, tty bool, args []string) (int, erro
<ide> system.UsetCloseOnExec(r.Fd())
<ide>
<ide> command := createCommand(container, console, r.Fd(), args)
<del>
<ide> if !tty {
<del> inPipe, err = command.StdinPipe()
<del> if err != nil {
<add> if inPipe, err = command.StdinPipe(); err != nil {
<ide> return -1, err
<ide> }
<del> outPipe, err = command.StdoutPipe()
<del> if err != nil {
<add> if outPipe, err = command.StdoutPipe(); err != nil {
<ide> return -1, err
<ide> }
<del> errPipe, err = command.StderrPipe()
<del> if err != nil {
<add> if errPipe, err = command.StderrPipe(); err != nil {
<ide> return -1, err
<ide> }
<ide> }
<ide>
<ide> if err := command.Start(); err != nil {
<ide> return -1, err
<ide> }
<del>
<ide> if err := writePidFile(command); err != nil {
<ide> command.Process.Kill()
<ide> return -1, err
<ide> func Exec(container *libcontainer.Container, tty bool, args []string) (int, erro
<ide> if tty {
<ide> go io.Copy(os.Stdout, master)
<ide> go io.Copy(master, os.Stdin)
<add>
<ide> state, err := setupWindow(master)
<ide> if err != nil {
<ide> command.Process.Kill()
<ide> func Exec(container *libcontainer.Container, tty bool, args []string) (int, erro
<ide> return -1, err
<ide> }
<ide> }
<del>
<ide> return command.ProcessState.Sys().(syscall.WaitStatus).ExitStatus(), nil
<ide> }
<ide>
<ide><path>pkg/libcontainer/nsinit/init.go
<ide> func setupVethNetwork(config *libcontainer.Network, tempVethName string) error {
<ide> // has been created and setup
<ide> func getVethName(pipe io.ReadCloser) (string, error) {
<ide> defer pipe.Close()
<del>
<ide> data, err := ioutil.ReadAll(pipe)
<ide> if err != nil {
<ide> return "", fmt.Errorf("error reading from stdin %s", err)
<ide><path>pkg/libcontainer/nsinit/nsinit/main.go
<ide> import (
<ide> "strconv"
<ide> )
<ide>
<add>var (
<add> console string
<add> tty bool
<add> pipeFd int
<add>)
<add>
<ide> var (
<ide> ErrUnsupported = errors.New("Unsupported method")
<ide> ErrWrongArguments = errors.New("Wrong argument count")
<ide> )
<ide>
<del>func main() {
<del> var (
<del> console = flag.String("console", "", "Console (pty slave) name")
<del> tty = flag.Bool("tty", false, "Create a tty")
<del> pipeFd = flag.Int("pipe", 0, "sync pipe fd")
<del> )
<add>func init() {
<add> flag.StringVar(&console, "console", "", "console (pty slave) path")
<add> flag.BoolVar(&tty, "tty", false, "create a tty")
<add> flag.IntVar(&pipeFd, "pipe", 0, "sync pipe fd")
<add>
<ide> flag.Parse()
<add>}
<ide>
<add>func main() {
<ide> container, err := loadContainer()
<ide> if err != nil {
<ide> log.Fatal(err)
<ide> }
<del>
<ide> if flag.NArg() < 1 {
<ide> log.Fatal(ErrWrongArguments)
<ide> }
<add>
<ide> switch flag.Arg(0) {
<ide> case "exec": // this is executed outside of the namespace in the cwd
<ide> var exitCode int
<ide> func main() {
<ide> if nspid > 0 {
<ide> exitCode, err = nsinit.ExecIn(container, nspid, flag.Args()[1:])
<ide> } else {
<del> exitCode, err = nsinit.Exec(container, *tty, flag.Args()[1:])
<add> exitCode, err = nsinit.Exec(container, tty, flag.Args()[1:])
<ide> }
<ide> if err != nil {
<ide> log.Fatal(err)
<ide> func main() {
<ide> if flag.NArg() < 2 {
<ide> log.Fatal(ErrWrongArguments)
<ide> }
<del> if err := nsinit.Init(container, *console, os.NewFile(uintptr(*pipeFd), "pipe"), flag.Args()[1:]); err != nil {
<add> if err := nsinit.Init(container, console, os.NewFile(uintptr(pipeFd), "pipe"), flag.Args()[1:]); err != nil {
<ide> log.Fatal(err)
<ide> }
<ide> default: | 3 |
Ruby | Ruby | sign the tags when releasing | db93aa16c466c310d5e0f720eb966329e3bdcd83 | <ide><path>tasks/release.rb
<ide> end
<ide>
<ide> task :tag do
<del> sh "git tag -m '#{tag} release' #{tag}"
<add> sh "git tag -s -m '#{tag} release' #{tag}"
<ide> sh "git push --tags"
<ide> end
<ide> | 1 |
Python | Python | update vps.net to use api | 643ce01bdb124b265531bd6e224fac812c254c1e | <ide><path>libcloud/drivers/vpsnet.py
<ide> def reboot_node(self, node):
<ide> (node.id, 'reboot', API_VERSION),
<ide> method="POST")
<ide> node = self._to_node(res.object['virtual_machine'])
<del> return node
<add> return True
<ide>
<ide> def list_sizes(self):
<ide> res = self.connection.request('/nodes.%s' % (API_VERSION,))
<ide><path>test/test_vpsnet.py
<ide> def test_reboot_node(self):
<ide> node = self.driver.list_nodes()[0]
<ide>
<ide> VPSNetMockHttp.type = 'reboot'
<del> node = self.driver.reboot_node(node)
<del> self.assertEqual(node.id, 1384)
<add> ret = self.driver.reboot_node(node)
<add> self.assertEqual(ret, True)
<ide>
<ide> def test_destroy_node(self):
<ide> VPSNetMockHttp.type = 'delete'
<ide> def test_list_sizes(self):
<ide> self.assertEqual(ret[1].id, 2)
<ide> self.assertEqual(ret[1].name, '2 Node')
<ide>
<add> def test_destroy_node_response(self):
<add> # should return a node object
<add> node = Node('2222', None, None, None, None, self.driver)
<add> VPSNetMockHttp.type = 'delete'
<add> ret = self.driver.destroy_node(node)
<add> self.assertTrue(isinstance(ret, bool))
<add>
<add> def test_reboot_node_response(self):
<add> # should return a node object
<add> VPSNetMockHttp.type = 'virtual_machines'
<add> node = self.driver.list_nodes()[0]
<add> VPSNetMockHttp.type = 'reboot'
<add> ret = self.driver.reboot_node(node)
<add> self.assertTrue(isinstance(ret, bool))
<add>
<ide>
<ide>
<ide> class VPSNetMockHttp(MockHttp): | 2 |
Javascript | Javascript | update imports in ember-metal package tests | bec5c1beeaf06fb16fa1b2478d497915f4a1e801 | <ide><path>packages/ember-metal/tests/accessors/get_path_test.js
<del>import { get } from 'ember-metal/property_get';
<add>import { get } from '../../property_get';
<ide>
<ide> let obj;
<ide> const moduleOpts = {
<ide><path>packages/ember-metal/tests/accessors/get_properties_test.js
<del>import getProperties from 'ember-metal/get_properties';
<add>import getProperties from '../../get_properties';
<ide>
<ide> QUnit.module('Ember.getProperties');
<ide>
<ide><path>packages/ember-metal/tests/accessors/get_test.js
<del>import { testBoth } from 'ember-metal/tests/props_helper';
<add>import { testBoth } from '../props_helper';
<ide> import {
<ide> get,
<ide> getWithDefault
<del>} from 'ember-metal/property_get';
<add>} from '../../property_get';
<ide> import {
<ide> Mixin,
<ide> observer
<del>} from 'ember-metal/mixin';
<del>import { addObserver } from 'ember-metal/observer';
<add>} from '../../mixin';
<add>import { addObserver } from '../../observer';
<ide>
<ide> QUnit.module('Ember.get');
<ide>
<ide><path>packages/ember-metal/tests/accessors/is_global_path_test.js
<del>import { isGlobalPath } from 'ember-metal/path_cache';
<add>import { isGlobalPath } from '../../path_cache';
<ide>
<ide> QUnit.module('Ember.isGlobalPath');
<ide>
<ide><path>packages/ember-metal/tests/accessors/mandatory_setters_test.js
<del>import isEnabled from 'ember-metal/features';
<del>import { get } from 'ember-metal/property_get';
<del>import { set } from 'ember-metal/property_set';
<del>import { watch, unwatch } from 'ember-metal/watching';
<del>import { meta as metaFor } from 'ember-metal/meta';
<add>import isEnabled from '../../features';
<add>import { get } from '../../property_get';
<add>import { set } from '../../property_set';
<add>import { watch, unwatch } from '../../watching';
<add>import { meta as metaFor } from '../../meta';
<ide>
<ide> QUnit.module('mandatory-setters');
<ide>
<ide><path>packages/ember-metal/tests/accessors/set_path_test.js
<ide> import { context } from 'ember-environment';
<del>import { set, trySet } from 'ember-metal/property_set';
<del>import { get } from 'ember-metal/property_get';
<add>import { set, trySet } from '../../property_set';
<add>import { get } from '../../property_get';
<ide>
<ide> let originalLookup = context.lookup;
<ide> let lookup;
<ide><path>packages/ember-metal/tests/accessors/set_test.js
<del>import { get } from 'ember-metal/property_get';
<del>import { set } from 'ember-metal/property_set';
<del>import { setHasViews } from 'ember-metal/tags';
<add>import { get } from '../../property_get';
<add>import { set } from '../../property_set';
<add>import { setHasViews } from '../../tags';
<ide>
<ide> QUnit.module('set', {
<ide> teardown() {
<ide><path>packages/ember-metal/tests/alias_test.js
<del>import alias from 'ember-metal/alias';
<del>import { defineProperty } from 'ember-metal/properties';
<del>import { get } from 'ember-metal/property_get';
<del>import { set } from 'ember-metal/property_set';
<del>import { meta } from 'ember-metal/meta';
<del>import { isWatching } from 'ember-metal/watching';
<del>import { addObserver, removeObserver } from 'ember-metal/observer';
<add>import alias from '../alias';
<add>import { defineProperty } from '../properties';
<add>import { get } from '../property_get';
<add>import { set } from '../property_set';
<add>import { meta } from '../meta';
<add>import { isWatching } from '../watching';
<add>import { addObserver, removeObserver } from '../observer';
<ide>
<ide> let obj, count;
<ide>
<ide><path>packages/ember-metal/tests/assign_test.js
<del>import assign from 'ember-metal/assign';
<add>import assign from '../assign';
<ide>
<ide> QUnit.module('Ember.assign');
<ide>
<ide><path>packages/ember-metal/tests/binding/connect_test.js
<ide> import { context } from 'ember-environment';
<del>import { testBoth } from 'ember-metal/tests/props_helper';
<add>import { testBoth } from '../props_helper';
<ide> import {
<ide> Binding,
<ide> bind
<del>} from 'ember-metal/binding';
<del>import run from 'ember-metal/run_loop';
<del>import { set } from 'ember-metal/property_set';
<del>import { get } from 'ember-metal/property_get';
<add>} from '../../binding';
<add>import run from '../../run_loop';
<add>import { set } from '../../property_set';
<add>import { get } from '../../property_get';
<ide>
<ide> function performTest(binding, a, b, get, set, connect) {
<ide> if (connect === undefined) {
<ide><path>packages/ember-metal/tests/binding/sync_test.js
<del>import { testBoth } from 'ember-metal/tests/props_helper';
<del>import run from 'ember-metal/run_loop';
<add>import { testBoth } from '../props_helper';
<add>import run from '../../run_loop';
<ide> import {
<ide> addObserver
<del>} from 'ember-metal/observer';
<del>import { bind } from 'ember-metal/binding';
<del>import { computed } from 'ember-metal/computed';
<del>import { defineProperty } from 'ember-metal/properties';
<del>import { propertyWillChange, propertyDidChange } from 'ember-metal/property_events';
<add>} from '../../observer';
<add>import { bind } from '../../binding';
<add>import { computed } from '../../computed';
<add>import { defineProperty } from '../../properties';
<add>import {
<add> propertyWillChange,
<add> propertyDidChange
<add>} from '../../property_events';
<ide>
<ide> QUnit.module('system/binding/sync_test.js');
<ide>
<ide><path>packages/ember-metal/tests/cache_test.js
<del>import Cache from 'ember-metal/cache';
<add>import Cache from '../cache';
<ide>
<ide> QUnit.module('Cache');
<ide>
<ide><path>packages/ember-metal/tests/chains_test.js
<del>import { addObserver } from 'ember-metal/observer';
<del>import { get } from 'ember-metal/property_get';
<del>import { finishChains } from 'ember-metal/chains';
<del>import { defineProperty } from 'ember-metal/properties';
<del>import computed from 'ember-metal/computed';
<del>import { propertyDidChange } from 'ember-metal/property_events';
<del>import { peekMeta } from 'ember-metal/meta';
<add>import { addObserver } from '../observer';
<add>import { get } from '../property_get';
<add>import { finishChains } from '../chains';
<add>import { defineProperty } from '../properties';
<add>import computed from '../computed';
<add>import { propertyDidChange } from '../property_events';
<add>import { peekMeta } from '../meta';
<ide>
<ide> QUnit.module('Chains');
<ide>
<ide><path>packages/ember-metal/tests/computed_test.js
<del>import EmberObject from 'ember-runtime/system/object';
<del>import { testBoth } from 'ember-metal/tests/props_helper';
<add>import { Object as EmberObject } from 'ember-runtime';
<add>import { testBoth } from './props_helper';
<ide> import {
<ide> ComputedProperty,
<ide> computed,
<ide> cacheFor
<del>} from 'ember-metal/computed';
<add>} from '../computed';
<ide>
<ide> import {
<ide> Descriptor,
<ide> defineProperty
<del>} from 'ember-metal/properties';
<del>import { get } from 'ember-metal/property_get';
<del>import { set } from 'ember-metal/property_set';
<del>import { isWatching } from 'ember-metal/watching';
<add>} from '../properties';
<add>import { get } from '../property_get';
<add>import { set } from '../property_set';
<add>import { isWatching } from '../watching';
<ide> import {
<ide> addObserver,
<ide> _addBeforeObserver
<del>} from 'ember-metal/observer';
<add>} from '../observer';
<ide>
<ide> let obj, count;
<ide>
<ide><path>packages/ember-metal/tests/core/inspect_test.js
<del>import { inspect } from 'ember-metal/utils';
<add>import { inspect } from '../../utils';
<ide>
<ide> QUnit.module('Ember.inspect');
<ide>
<ide><path>packages/ember-metal/tests/descriptor_test.js
<del>import EmberObject from 'ember-runtime/system/object';
<del>import { Mixin } from 'ember-metal/mixin';
<del>import { defineProperty } from 'ember-metal/properties';
<del>import descriptor from 'ember-metal/descriptor';
<add>import { Object as EmberObject } from 'ember-runtime';
<add>import { Mixin } from '../mixin';
<add>import { defineProperty } from '../properties';
<add>import descriptor from '../descriptor';
<ide>
<ide> // IE9 soft-fails when trying to delete a non-configurable property
<ide> const hasCompliantDelete = (function() {
<ide><path>packages/ember-metal/tests/error_test.js
<del>import EmberError from 'ember-metal/error';
<add>import EmberError from '../error';
<ide>
<ide> QUnit.module('Ember Error Throwing');
<ide>
<ide><path>packages/ember-metal/tests/events_test.js
<del>import { Mixin } from 'ember-metal/mixin';
<del>import { meta } from 'ember-metal/meta';
<add>import { Mixin } from '../mixin';
<add>import { meta } from '../meta';
<ide>
<ide> import {
<ide> on,
<ide> import {
<ide> suspendListeners,
<ide> sendEvent,
<ide> hasListeners
<del>} from 'ember-metal/events';
<add>} from '../events';
<ide>
<ide> QUnit.module('system/props/events_test');
<ide>
<ide><path>packages/ember-metal/tests/expand_properties_test.js
<del>import expandProperties from 'ember-metal/expand_properties';
<add>import expandProperties from '../expand_properties';
<ide>
<ide> let foundProperties = [];
<ide>
<ide><path>packages/ember-metal/tests/injected_property_test.js
<ide> import {
<ide> Descriptor,
<ide> defineProperty
<del>} from 'ember-metal/properties';
<del>import { get } from 'ember-metal/property_get';
<del>import { set } from 'ember-metal/property_set';
<del>import InjectedProperty from 'ember-metal/injected_property';
<add>} from '../properties';
<add>import { get } from '../property_get';
<add>import { set } from '../property_set';
<add>import InjectedProperty from '../injected_property';
<ide> import { setOwner } from 'container';
<ide>
<ide> QUnit.module('InjectedProperty');
<ide><path>packages/ember-metal/tests/instrumentation_test.js
<ide> import {
<ide> subscribe,
<ide> unsubscribe,
<ide> reset
<del>} from 'ember-metal/instrumentation';
<add>} from '../instrumentation';
<ide>
<ide> QUnit.module('Ember Instrumentation', {
<ide> teardown() {
<ide><path>packages/ember-metal/tests/is_blank_test.js
<del>import isBlank from 'ember-metal/is_blank';
<add>import isBlank from '../is_blank';
<ide>
<ide> QUnit.module('Ember.isBlank');
<ide>
<ide><path>packages/ember-metal/tests/is_empty_test.js
<del>import isEmpty from 'ember-metal/is_empty';
<add>import isEmpty from '../is_empty';
<ide> import {
<ide> Map,
<ide> OrderedSet
<del>} from 'ember-metal/map';
<add>} from '../map';
<ide>
<ide> QUnit.module('Ember.isEmpty');
<ide>
<ide><path>packages/ember-metal/tests/is_none_test.js
<del>import isNone from 'ember-metal/is_none';
<add>import isNone from '../is_none';
<ide>
<ide> QUnit.module('Ember.isNone');
<ide>
<ide><path>packages/ember-metal/tests/is_present_test.js
<del>import isPresent from 'ember-metal/is_present';
<add>import isPresent from '../is_present';
<ide>
<ide> QUnit.module('Ember.isPresent');
<ide>
<ide><path>packages/ember-metal/tests/libraries_test.js
<ide> /* globals EmberDev */
<del>import { getDebugFunction, setDebugFunction } from 'ember-metal/debug';
<del>import isEnabled from 'ember-metal/features';
<del>import { Libraries } from 'ember-metal/libraries';
<add>import { getDebugFunction, setDebugFunction } from '../debug';
<add>import isEnabled from '../features';
<add>import { Libraries } from '../libraries';
<ide>
<ide> let libs, registry;
<ide> let originalWarn = getDebugFunction('warn');
<ide><path>packages/ember-metal/tests/main_test.js
<del>import Ember from 'ember-metal'; // testing reexports
<add>import Ember from '../index'; // testing reexports
<ide>
<ide> // From sindresourhus/semver-regex https://github.com/sindresorhus/semver-regex/blob/795b05628d96597ebcbe6d31ef4a432858365582/index.js#L3
<ide> const SEMVER_REGEX = /^\bv?(?:0|[1-9][0-9]*)\.(?:0|[1-9][0-9]*)\.(?:0|[1-9][0-9]*)(?:-[\da-z\-]+(?:\.[\da-z\-]+)*)?(?:\+[\da-z\-]+(?:\.[\da-z\-]+)*)?\b$/;
<ide><path>packages/ember-metal/tests/map_test.js
<ide> import {
<ide> Map,
<ide> MapWithDefault,
<ide> OrderedSet
<del>} from 'ember-metal/map';
<add>} from '../map';
<ide>
<ide> let object, number, string, map, variety;
<ide> const varieties = [['Map', Map], ['MapWithDefault', MapWithDefault]];
<ide><path>packages/ember-metal/tests/meta_test.js
<ide> import {
<ide> meta
<del>} from 'ember-metal/meta';
<add>} from '../meta';
<ide>
<ide> QUnit.module('Ember.meta');
<ide>
<ide><path>packages/ember-metal/tests/mixin/alias_method_test.js
<del>import { get } from 'ember-metal/property_get';
<add>import { get } from '../../property_get';
<ide> import {
<ide> Mixin,
<ide> mixin,
<ide> aliasMethod
<del>} from 'ember-metal/mixin';
<add>} from '../../mixin';
<ide>
<ide> QUnit.module('aliasMethod');
<ide>
<ide><path>packages/ember-metal/tests/mixin/apply_test.js
<del>import get from 'ember-metal/property_get';
<add>import get from '../../property_get';
<ide> import {
<ide> Mixin,
<ide> mixin
<del>} from 'ember-metal/mixin';
<add>} from '../../mixin';
<ide>
<ide> QUnit.module('Ember.Mixin.apply');
<ide>
<ide><path>packages/ember-metal/tests/mixin/computed_test.js
<del>import { get } from 'ember-metal/property_get';
<del>import { set } from 'ember-metal/property_set';
<del>import { Mixin } from 'ember-metal/mixin';
<del>import { computed } from 'ember-metal/computed';
<del>import { defineProperty } from 'ember-metal/properties';
<add>import { get } from '../../property_get';
<add>import { set } from '../../property_set';
<add>import { Mixin } from '../../mixin';
<add>import { computed } from '../../computed';
<add>import { defineProperty } from '../../properties';
<ide>
<ide> function K() { return this; }
<ide>
<ide><path>packages/ember-metal/tests/mixin/concatenated_properties_test.js
<del>import get from 'ember-metal/property_get';
<add>import get from '../../property_get';
<ide> import {
<ide> Mixin,
<ide> mixin
<del>} from 'ember-metal/mixin';
<add>} from '../../mixin';
<ide>
<ide> QUnit.module('Mixin concatenatedProperties');
<ide>
<ide><path>packages/ember-metal/tests/mixin/detect_test.js
<del>import { Mixin } from 'ember-metal/mixin';
<add>import { Mixin } from '../../mixin';
<ide>
<ide> QUnit.module('Mixin.detect');
<ide>
<ide><path>packages/ember-metal/tests/mixin/introspection_test.js
<ide> // as well as methods vs props. We are just keeping these for testing; the
<ide> // current impl doesn't care about the differences as much...
<ide>
<del>import { guidFor } from 'ember-metal/utils';
<add>import { guidFor } from '../../utils';
<ide> import {
<ide> mixin,
<ide> Mixin
<del>} from 'ember-metal/mixin';
<add>} from '../../mixin';
<ide>
<ide> const PrivateProperty = Mixin.create({
<ide> _foo: '_FOO'
<ide><path>packages/ember-metal/tests/mixin/merged_properties_test.js
<del>import EmberObject from 'ember-runtime/system/object';
<del>import { get } from 'ember-metal/property_get';
<del>import { mixin, Mixin } from 'ember-metal/mixin';
<add>import { Object as EmberObject } from 'ember-runtime';
<add>import { get } from '../../property_get';
<add>import { mixin, Mixin } from '../../mixin';
<ide>
<ide> QUnit.module('Mixin mergedProperties');
<ide>
<ide><path>packages/ember-metal/tests/mixin/method_test.js
<ide> import {
<ide> mixin,
<ide> Mixin
<del>} from 'ember-metal/mixin';
<add>} from '../../mixin';
<ide>
<ide> QUnit.module('Mixin Methods');
<ide>
<ide><path>packages/ember-metal/tests/mixin/observer_test.js
<del>import { testBoth } from 'ember-metal/tests/props_helper';
<add>import { testBoth } from '../props_helper';
<ide> import {
<ide> observer,
<ide> mixin,
<ide> Mixin
<del>} from 'ember-metal/mixin';
<del>import { isWatching } from 'ember-metal/watching';
<add>} from '../../mixin';
<add>import { isWatching } from '../../watching';
<ide>
<ide> QUnit.module('Mixin observer');
<ide>
<ide><path>packages/ember-metal/tests/mixin/reopen_test.js
<del>import run from 'ember-metal/run_loop';
<del>import get from 'ember-metal/property_get';
<del>import EmberObject from 'ember-runtime/system/object';
<del>import Mixin from 'ember-metal/mixin';
<add>import run from '../../run_loop';
<add>import get from '../../property_get';
<add>import { Object as EmberObject } from 'ember-runtime';
<add>import Mixin from '../../mixin';
<ide>
<ide> QUnit.module('Ember.Mixin#reopen');
<ide>
<ide><path>packages/ember-metal/tests/mixin/required_test.js
<ide> import {
<ide> mixin,
<ide> Mixin,
<ide> required
<del>} from 'ember-metal/mixin';
<del>import { get } from 'ember-metal/property_get';
<add>} from '../../mixin';
<add>import { get } from '../../property_get';
<ide>
<ide> let PartialMixin, FinalMixin, obj;
<ide>
<ide><path>packages/ember-metal/tests/mixin/without_test.js
<del>import { Mixin } from 'ember-metal/mixin';
<add>import { Mixin } from '../../mixin';
<ide>
<ide> QUnit.test('without should create a new mixin excluding named properties', function() {
<ide> let MixinA = Mixin.create({
<ide><path>packages/ember-metal/tests/observer_test.js
<ide> import { ENV } from 'ember-environment';
<del>import { testBoth } from 'ember-metal/tests/props_helper';
<add>import { testBoth } from './props_helper';
<ide> import {
<ide> addObserver,
<ide> removeObserver,
<ide> _addBeforeObserver,
<ide> _suspendObserver,
<ide> _suspendObservers,
<ide> _removeBeforeObserver
<del>} from 'ember-metal/observer';
<add>} from '../observer';
<ide> import {
<ide> propertyWillChange,
<ide> propertyDidChange
<del>} from 'ember-metal/property_events';
<del>import { defineProperty } from 'ember-metal/properties';
<add>} from '../property_events';
<add>import { defineProperty } from '../properties';
<ide> import {
<ide> computed,
<ide> cacheFor
<del>} from 'ember-metal/computed';
<add>} from '../computed';
<ide> import {
<ide> Mixin,
<ide> mixin,
<ide> observer,
<ide> _beforeObserver,
<ide> _immediateObserver
<del>} from 'ember-metal/mixin';
<del>import run from 'ember-metal/run_loop';
<add>} from '../mixin';
<add>import run from '../run_loop';
<ide> import {
<ide> beginPropertyChanges,
<ide> endPropertyChanges,
<ide> changeProperties
<del>} from 'ember-metal/property_events';
<add>} from '../property_events';
<ide>
<ide> function K() {}
<ide>
<ide><path>packages/ember-metal/tests/performance_test.js
<del>import { set } from 'ember-metal/property_set';
<del>import { get } from 'ember-metal/property_get';
<del>import { computed } from 'ember-metal/computed';
<del>import { defineProperty } from 'ember-metal/properties';
<add>import { set } from '../property_set';
<add>import { get } from '../property_get';
<add>import { computed } from '../computed';
<add>import { defineProperty } from '../properties';
<ide> import {
<ide> propertyDidChange,
<ide> beginPropertyChanges,
<ide> endPropertyChanges
<del>} from 'ember-metal/property_events';
<del>import { addObserver } from 'ember-metal/observer';
<add>} from '../property_events';
<add>import { addObserver } from '../observer';
<ide>
<ide> /*
<ide> This test file is designed to capture performance regressions related to
<ide><path>packages/ember-metal/tests/properties_test.js
<del>import { computed } from 'ember-metal/computed';
<del>import { defineProperty } from 'ember-metal/properties';
<del>import { deprecateProperty } from 'ember-metal/deprecate_property';
<add>import { computed } from '../computed';
<add>import { defineProperty } from '../properties';
<add>import { deprecateProperty } from '../deprecate_property';
<ide>
<ide> QUnit.module('Ember.defineProperty');
<ide>
<ide><path>packages/ember-metal/tests/props_helper.js
<ide> import { ENV } from 'ember-environment';
<del>import { get as getFromEmberMetal, getWithDefault as getWithDefaultFromEmberMetal } from 'ember-metal/property_get';
<del>import { set as setFromEmberMetal } from 'ember-metal/property_set';
<add>import {
<add> get as getFromEmberMetal,
<add> getWithDefault as getWithDefaultFromEmberMetal
<add>} from '../property_get';
<add>import { set as setFromEmberMetal } from '../property_set';
<ide>
<ide> // used by unit tests to test both accessor mode and non-accessor mode
<ide> export function testBoth(testname, callback) {
<ide><path>packages/ember-metal/tests/run_loop/add_queue_test.js
<del>import run from 'ember-metal/run_loop';
<add>import run from '../../run_loop';
<ide>
<ide> const originalQueues = run.queues;
<ide> let queues;
<ide><path>packages/ember-metal/tests/run_loop/debounce_test.js
<del>import run from 'ember-metal/run_loop';
<add>import run from '../../run_loop';
<ide>
<ide> const originalDebounce = run.backburner.debounce;
<ide> let wasCalled = false;
<ide><path>packages/ember-metal/tests/run_loop/later_test.js
<del>import isNone from 'ember-metal/is_none';
<del>import run from 'ember-metal/run_loop';
<add>import isNone from '../../is_none';
<add>import run from '../../run_loop';
<ide>
<ide> const originalSetTimeout = window.setTimeout;
<ide> const originalDateValueOf = Date.prototype.valueOf;
<ide><path>packages/ember-metal/tests/run_loop/next_test.js
<del>import run from 'ember-metal/run_loop';
<add>import run from '../../run_loop';
<ide>
<ide> QUnit.module('run.next');
<ide>
<ide><path>packages/ember-metal/tests/run_loop/once_test.js
<del>import run from 'ember-metal/run_loop';
<add>import run from '../../run_loop';
<ide>
<ide> QUnit.module('system/run_loop/once_test');
<ide>
<ide><path>packages/ember-metal/tests/run_loop/onerror_test.js
<del>import run from 'ember-metal/run_loop';
<del>import { setOnerror, getOnerror } from 'ember-metal/error_handler';
<add>import run from '../../run_loop';
<add>import { setOnerror, getOnerror } from '../../error_handler';
<ide>
<ide> QUnit.module('system/run_loop/onerror_test');
<ide>
<ide><path>packages/ember-metal/tests/run_loop/run_bind_test.js
<del>import run from 'ember-metal/run_loop';
<add>import run from '../../run_loop';
<ide>
<ide> QUnit.module('system/run_loop/run_bind_test');
<ide>
<ide><path>packages/ember-metal/tests/run_loop/run_test.js
<del>import run from 'ember-metal/run_loop';
<add>import run from '../../run_loop';
<ide>
<ide> QUnit.module('system/run_loop/run_test');
<ide>
<ide><path>packages/ember-metal/tests/run_loop/schedule_test.js
<del>import run from 'ember-metal/run_loop';
<add>import run from '../../run_loop';
<ide>
<ide> QUnit.module('system/run_loop/schedule_test');
<ide>
<ide><path>packages/ember-metal/tests/run_loop/sync_test.js
<del>import run from 'ember-metal/run_loop';
<add>import run from '../../run_loop';
<ide>
<ide> QUnit.module('system/run_loop/sync_test');
<ide>
<ide><path>packages/ember-metal/tests/run_loop/unwind_test.js
<del>import run from 'ember-metal/run_loop';
<del>import EmberError from 'ember-metal/error';
<add>import run from '../../run_loop';
<add>import EmberError from '../../error';
<ide>
<ide> QUnit.module('system/run_loop/unwind_test');
<ide>
<ide><path>packages/ember-metal/tests/set_properties_test.js
<del>import setProperties from 'ember-metal/set_properties';
<add>import setProperties from '../set_properties';
<ide>
<ide> QUnit.module('Ember.setProperties');
<ide>
<ide><path>packages/ember-metal/tests/utils/can_invoke_test.js
<del>import { canInvoke } from 'ember-metal/utils';
<add>import { canInvoke } from '../../utils';
<ide>
<ide> let obj;
<ide>
<ide><path>packages/ember-metal/tests/utils/generate_guid_test.js
<del>import { generateGuid } from 'ember-metal/utils';
<add>import { generateGuid } from '../../utils';
<ide>
<ide> QUnit.module('Ember.generateGuid');
<ide>
<ide><path>packages/ember-metal/tests/utils/guid_for_test.js
<ide> import {
<ide> guidFor
<del>} from 'ember-metal/utils';
<add>} from '../../utils';
<ide>
<ide> QUnit.module('guidFor');
<ide>
<ide><path>packages/ember-metal/tests/utils/try_invoke_test.js
<del>import { tryInvoke } from 'ember-metal/utils';
<add>import { tryInvoke } from '../../utils';
<ide>
<ide> let obj;
<ide>
<ide><path>packages/ember-metal/tests/utils_test.js
<ide> import {
<ide> inspect,
<ide> checkHasSuper,
<ide> toString
<del>} from 'ember-metal/utils';
<add>} from '../utils';
<ide>
<ide> QUnit.module('Ember Metal Utils');
<ide>
<ide><path>packages/ember-metal/tests/watching/is_watching_test.js
<del>import { computed } from 'ember-metal/computed';
<del>import { get } from 'ember-metal/property_get';
<del>import { defineProperty } from 'ember-metal/properties';
<add>import { computed } from '../../computed';
<add>import { get } from '../../property_get';
<add>import { defineProperty } from '../../properties';
<ide> import {
<ide> Mixin,
<ide> observer
<del>} from 'ember-metal/mixin';
<add>} from '../../mixin';
<ide> import {
<ide> addObserver,
<ide> removeObserver
<del>} from 'ember-metal/observer';
<del>import { isWatching } from 'ember-metal/watching';
<add>} from '../../observer';
<add>import { isWatching } from '../../watching';
<ide>
<ide> QUnit.module('isWatching');
<ide>
<ide><path>packages/ember-metal/tests/watching/unwatch_test.js
<del>import { testBoth } from 'ember-metal/tests/props_helper';
<add>import { testBoth } from '../props_helper';
<ide> import {
<ide> watch,
<ide> unwatch
<del>} from 'ember-metal/watching';
<del>import { defineProperty } from 'ember-metal/properties';
<del>import { addListener } from 'ember-metal/events';
<del>import { computed } from 'ember-metal/computed';
<del>import { set } from 'ember-metal/property_set';
<add>} from '../../watching';
<add>import { defineProperty } from '../../properties';
<add>import { addListener } from '../../events';
<add>import { computed } from '../../computed';
<add>import { set } from '../../property_set';
<ide>
<ide> let willCount, didCount;
<ide>
<ide><path>packages/ember-metal/tests/watching/watch_test.js
<ide> import { context } from 'ember-environment';
<del>import { meta } from 'ember-metal/meta';
<del>import { set } from 'ember-metal/property_set';
<del>import get from 'ember-metal/property_get';
<del>import { computed } from 'ember-metal/computed';
<del>import { defineProperty } from 'ember-metal/properties';
<del>import { testBoth } from 'ember-metal/tests/props_helper';
<del>import { addListener } from 'ember-metal/events';
<add>import { meta } from '../../meta';
<add>import { set } from '../../property_set';
<add>import get from '../../property_get';
<add>import { computed } from '../../computed';
<add>import { defineProperty } from '../../properties';
<add>import { testBoth } from '../props_helper';
<add>import { addListener } from '../../events';
<ide> import {
<ide> watch,
<ide> unwatch,
<ide> destroy
<del>} from 'ember-metal/watching';
<add>} from '../../watching';
<ide>
<ide> let willCount, didCount,
<ide> willKeys, didKeys,
<ide><path>packages/ember-metal/tests/weak_map_test.js
<del>import WeakMap from 'ember-metal/weak_map';
<add>import WeakMap from '../weak_map';
<ide>
<ide> QUnit.module('Ember.WeakMap');
<ide> | 66 |
Text | Text | add a missing changelog entry for and | 0c63fbcdf131dddf696248498e87c0513b43daca | <ide><path>activerecord/CHANGELOG.md
<add>* Properly detect if a connection is still active before using it
<add> in multi-threaded environments.
<add>
<add> Fixes #12867.
<add>
<add> *Kevin Casey*, *Matthew Draper*, *William (B.J.) Snow Orvis*
<add>
<ide> * When inverting add_index use the index name if present instead of
<ide> the columns.
<ide> | 1 |
Javascript | Javascript | remove unneeded comma in shaderlib | 1de867fae716726511f0f0ab059e14879d16030d | <ide><path>src/renderers/shaders/ShaderLib.js
<ide> var ShaderLib = {
<ide> emissive : { value: new Color( 0x000000 ) },
<ide> roughness: { value: 0.5 },
<ide> metalness: { value: 0 },
<del> envMapIntensity : { value: 1 }, // temporary
<add> envMapIntensity : { value: 1 } // temporary
<ide> }
<ide> ),
<ide> | 1 |
Go | Go | assert error in body of function `inspectfield*` | 62a856e9129c9d5cf7db9ea6322c9073d68e3ea4 | <ide><path>integration-cli/docker_api_containers_test.go
<ide> func (s *DockerSuite) TestContainerApiCommit(c *check.C) {
<ide> var img resp
<ide> c.Assert(json.Unmarshal(b, &img), checker.IsNil)
<ide>
<del> cmd, err := inspectField(img.ID, "Config.Cmd")
<del> c.Assert(err, checker.IsNil)
<add> cmd := inspectField(c, img.ID, "Config.Cmd")
<ide> c.Assert(cmd, checker.Equals, "{[/bin/sh -c touch /test]}", check.Commentf("got wrong Cmd from commit: %q", cmd))
<ide>
<ide> // sanity check, make sure the image is what we think it is
<ide> func (s *DockerSuite) TestContainerApiCommitWithLabelInConfig(c *check.C) {
<ide> var img resp
<ide> c.Assert(json.Unmarshal(b, &img), checker.IsNil)
<ide>
<del> label1, err := inspectFieldMap(img.ID, "Config.Labels", "key1")
<del> c.Assert(err, checker.IsNil)
<add> label1 := inspectFieldMap(c, img.ID, "Config.Labels", "key1")
<ide> c.Assert(label1, checker.Equals, "value1")
<ide>
<del> label2, err := inspectFieldMap(img.ID, "Config.Labels", "key2")
<del> c.Assert(err, checker.IsNil)
<add> label2 := inspectFieldMap(c, img.ID, "Config.Labels", "key2")
<ide> c.Assert(label2, checker.Equals, "value2")
<ide>
<del> cmd, err := inspectField(img.ID, "Config.Cmd")
<del> c.Assert(err, checker.IsNil)
<add> cmd := inspectField(c, img.ID, "Config.Cmd")
<ide> c.Assert(cmd, checker.Equals, "{[/bin/sh -c touch /test]}", check.Commentf("got wrong Cmd from commit: %q", cmd))
<ide>
<ide> // sanity check, make sure the image is what we think it is
<ide> func (s *DockerSuite) TestContainerApiCreateWithCpuSharesCpuset(c *check.C) {
<ide>
<ide> c.Assert(json.Unmarshal(body, &containerJSON), checker.IsNil)
<ide>
<del> out, err := inspectField(containerJSON.ID, "HostConfig.CpuShares")
<del> c.Assert(err, checker.IsNil)
<add> out := inspectField(c, containerJSON.ID, "HostConfig.CpuShares")
<ide> c.Assert(out, checker.Equals, "512")
<ide>
<del> outCpuset, errCpuset := inspectField(containerJSON.ID, "HostConfig.CpusetCpus")
<del> c.Assert(errCpuset, checker.IsNil, check.Commentf("Output: %s", outCpuset))
<add> outCpuset := inspectField(c, containerJSON.ID, "HostConfig.CpusetCpus")
<ide> c.Assert(outCpuset, checker.Equals, "0")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestContainerApiPostCreateNull(c *check.C) {
<ide> }
<ide> var container createResp
<ide> c.Assert(json.Unmarshal(b, &container), checker.IsNil)
<del> out, err := inspectField(container.ID, "HostConfig.CpusetCpus")
<del> c.Assert(err, checker.IsNil)
<add> out := inspectField(c, container.ID, "HostConfig.CpusetCpus")
<ide> c.Assert(out, checker.Equals, "")
<ide>
<del> outMemory, errMemory := inspectField(container.ID, "HostConfig.Memory")
<add> outMemory := inspectField(c, container.ID, "HostConfig.Memory")
<ide> c.Assert(outMemory, checker.Equals, "0")
<del> c.Assert(errMemory, checker.IsNil)
<del> outMemorySwap, errMemorySwap := inspectField(container.ID, "HostConfig.MemorySwap")
<add> outMemorySwap := inspectField(c, container.ID, "HostConfig.MemorySwap")
<ide> c.Assert(outMemorySwap, checker.Equals, "0")
<del> c.Assert(errMemorySwap, checker.IsNil)
<ide> }
<ide>
<ide> func (s *DockerSuite) TestCreateWithTooLowMemoryLimit(c *check.C) {
<ide> func (s *DockerSuite) TestContainerApiRename(c *check.C) {
<ide> // 204 No Content is expected, not 200
<ide> c.Assert(statusCode, checker.Equals, http.StatusNoContent)
<ide>
<del> name, err := inspectField(containerID, "Name")
<add> name := inspectField(c, containerID, "Name")
<ide> c.Assert(name, checker.Equals, "/"+newName, check.Commentf("Failed to rename container"))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestContainerApiKill(c *check.C) {
<ide> c.Assert(err, checker.IsNil)
<ide> c.Assert(status, checker.Equals, http.StatusNoContent)
<ide>
<del> state, err := inspectField(name, "State.Running")
<del> c.Assert(err, checker.IsNil)
<add> state := inspectField(c, name, "State.Running")
<ide> c.Assert(state, checker.Equals, "false", check.Commentf("got wrong State from container %s: %q", name, state))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestContainerApiDeleteRemoveLinks(c *check.C) {
<ide> id2 := strings.TrimSpace(out)
<ide> c.Assert(waitRun(id2), checker.IsNil)
<ide>
<del> links, err := inspectFieldJSON(id2, "HostConfig.Links")
<del> c.Assert(err, checker.IsNil)
<add> links := inspectFieldJSON(c, id2, "HostConfig.Links")
<ide> c.Assert(links, checker.Equals, "[\"/tlink1:/tlink2/tlink1\"]", check.Commentf("expected to have links between containers"))
<ide>
<ide> status, b, err := sockRequest("DELETE", "/containers/tlink2/tlink1?link=1", nil)
<ide> c.Assert(err, check.IsNil)
<ide> c.Assert(status, check.Equals, http.StatusNoContent, check.Commentf(string(b)))
<ide>
<del> linksPostRm, err := inspectFieldJSON(id2, "HostConfig.Links")
<del> c.Assert(err, checker.IsNil)
<add> linksPostRm := inspectFieldJSON(c, id2, "HostConfig.Links")
<ide> c.Assert(linksPostRm, checker.Equals, "null", check.Commentf("call to api deleteContainer links should have removed the specified links"))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestContainerApiChunkedEncoding(c *check.C) {
<ide> resp.Body.Close()
<ide> c.Assert(resp.StatusCode, checker.Equals, 204)
<ide>
<del> out, err = inspectFieldJSON(id, "HostConfig.Binds")
<del> c.Assert(err, checker.IsNil)
<add> out = inspectFieldJSON(c, id, "HostConfig.Binds")
<ide>
<ide> var binds []string
<ide> c.Assert(json.NewDecoder(strings.NewReader(out)).Decode(&binds), checker.IsNil)
<ide> func (s *DockerSuite) TestPostContainersStartWithoutLinksInHostConfig(c *check.C
<ide> name := "test-host-config-links"
<ide> dockerCmd(c, append([]string{"create", "--name", name, "busybox"}, defaultSleepCommand...)...)
<ide>
<del> hc, err := inspectFieldJSON(name, "HostConfig")
<del> c.Assert(err, checker.IsNil)
<add> hc := inspectFieldJSON(c, name, "HostConfig")
<ide> config := `{"HostConfig":` + hc + `}`
<ide>
<ide> res, b, err := sockRequestRaw("POST", "/containers/"+name+"/start", strings.NewReader(config), "application/json")
<ide> func (s *DockerSuite) TestPostContainersStartWithLinksInHostConfig(c *check.C) {
<ide> dockerCmd(c, "run", "--name", "foo", "-d", "busybox", "top")
<ide> dockerCmd(c, "create", "--name", name, "--link", "foo:bar", "busybox", "top")
<ide>
<del> hc, err := inspectFieldJSON(name, "HostConfig")
<del> c.Assert(err, checker.IsNil)
<add> hc := inspectFieldJSON(c, name, "HostConfig")
<ide> config := `{"HostConfig":` + hc + `}`
<ide>
<ide> res, b, err := sockRequestRaw("POST", "/containers/"+name+"/start", strings.NewReader(config), "application/json")
<ide> func (s *DockerSuite) TestPostContainersStartWithLinksInHostConfigIdLinked(c *ch
<ide> id := strings.TrimSpace(out)
<ide> dockerCmd(c, "create", "--name", name, "--link", id, "busybox", "top")
<ide>
<del> hc, err := inspectFieldJSON(name, "HostConfig")
<del> c.Assert(err, checker.IsNil)
<add> hc := inspectFieldJSON(c, name, "HostConfig")
<ide> config := `{"HostConfig":` + hc + `}`
<ide>
<ide> res, b, err := sockRequestRaw("POST", "/containers/"+name+"/start", strings.NewReader(config), "application/json")
<ide> func (s *DockerSuite) TestStartWithNilDNS(c *check.C) {
<ide> c.Assert(res.StatusCode, checker.Equals, http.StatusNoContent)
<ide> b.Close()
<ide>
<del> dns, err := inspectFieldJSON(containerID, "HostConfig.Dns")
<del> c.Assert(err, checker.IsNil)
<add> dns := inspectFieldJSON(c, containerID, "HostConfig.Dns")
<ide> c.Assert(dns, checker.Equals, "[]")
<ide> }
<ide>
<ide><path>integration-cli/docker_api_images_test.go
<ide> func (s *DockerSuite) TestApiImagesSaveAndLoad(c *check.C) {
<ide> defer loadBody.Close()
<ide> c.Assert(res.StatusCode, checker.Equals, http.StatusOK)
<ide>
<del> inspectOut, _ := dockerCmd(c, "inspect", "--format='{{ .Id }}'", id)
<add> inspectOut := inspectField(c, id, "Id")
<ide> c.Assert(strings.TrimSpace(string(inspectOut)), checker.Equals, id, check.Commentf("load did not work properly"))
<ide> }
<ide>
<ide><path>integration-cli/docker_api_update_unix_test.go
<ide> func (s *DockerSuite) TestApiUpdateContainer(c *check.C) {
<ide> _, _, err := sockRequest("POST", "/containers/"+name+"/update", hostConfig)
<ide> c.Assert(err, check.IsNil)
<ide>
<del> memory, err := inspectField(name, "HostConfig.Memory")
<del> c.Assert(err, check.IsNil)
<add> memory := inspectField(c, name, "HostConfig.Memory")
<ide> if memory != "314572800" {
<ide> c.Fatalf("Got the wrong memory value, we got %d, expected 314572800(300M).", memory)
<ide> }
<ide> file := "/sys/fs/cgroup/memory/memory.limit_in_bytes"
<ide> out, _ := dockerCmd(c, "exec", name, "cat", file)
<ide> c.Assert(strings.TrimSpace(out), checker.Equals, "314572800")
<ide>
<del> memorySwap, err := inspectField(name, "HostConfig.MemorySwap")
<del> c.Assert(err, check.IsNil)
<add> memorySwap := inspectField(c, name, "HostConfig.MemorySwap")
<ide> if memorySwap != "524288000" {
<ide> c.Fatalf("Got the wrong memorySwap value, we got %d, expected 524288000(500M).", memorySwap)
<ide> }
<ide><path>integration-cli/docker_cli_attach_test.go
<ide> func (s *DockerSuite) TestAttachDisconnect(c *check.C) {
<ide> c.Assert(stdin.Close(), check.IsNil)
<ide>
<ide> // Expect container to still be running after stdin is closed
<del> running, err := inspectField(id, "State.Running")
<del> c.Assert(err, check.IsNil)
<add> running := inspectField(c, id, "State.Running")
<ide> c.Assert(running, check.Equals, "true")
<ide> }
<ide>
<ide><path>integration-cli/docker_cli_attach_unix_test.go
<ide> func (s *DockerSuite) TestAttachDetach(c *check.C) {
<ide> ch <- struct{}{}
<ide> }()
<ide>
<del> running, err := inspectField(id, "State.Running")
<del> c.Assert(err, checker.IsNil)
<add> running := inspectField(c, id, "State.Running")
<ide> c.Assert(running, checker.Equals, "true", check.Commentf("expected container to still be running"))
<ide>
<ide> go func() {
<ide> func (s *DockerSuite) TestAttachDetachTruncatedID(c *check.C) {
<ide> ch <- struct{}{}
<ide> }()
<ide>
<del> running, err := inspectField(id, "State.Running")
<del> c.Assert(err, checker.IsNil)
<add> running := inspectField(c, id, "State.Running")
<ide> c.Assert(running, checker.Equals, "true", check.Commentf("expected container to still be running"))
<ide>
<ide> go func() {
<ide><path>integration-cli/docker_cli_build_test.go
<ide> func (s *DockerSuite) TestBuildEnvironmentReplacementUser(c *check.C) {
<ide> c.Fatal(err)
<ide> }
<ide>
<del> res, err := inspectFieldJSON(name, "Config.User")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectFieldJSON(c, name, "Config.User")
<ide>
<ide> if res != `"foo"` {
<ide> c.Fatal("User foo from environment not in Config.User on image")
<ide> func (s *DockerSuite) TestBuildEnvironmentReplacementVolume(c *check.C) {
<ide> c.Fatal(err)
<ide> }
<ide>
<del> res, err := inspectFieldJSON(name, "Config.Volumes")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectFieldJSON(c, name, "Config.Volumes")
<ide>
<ide> var volumes map[string]interface{}
<ide>
<ide> func (s *DockerSuite) TestBuildEnvironmentReplacementExpose(c *check.C) {
<ide> c.Fatal(err)
<ide> }
<ide>
<del> res, err := inspectFieldJSON(name, "Config.ExposedPorts")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectFieldJSON(c, name, "Config.ExposedPorts")
<ide>
<ide> var exposedPorts map[string]interface{}
<ide>
<ide> func (s *DockerSuite) TestBuildEnvironmentReplacementEnv(c *check.C) {
<ide> c.Fatal(err)
<ide> }
<ide>
<del> res, err := inspectFieldJSON(name, "Config.Env")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectFieldJSON(c, name, "Config.Env")
<ide>
<ide> envResult := []string{}
<ide>
<ide> func (s *DockerSuite) TestBuildHandleEscapes(c *check.C) {
<ide>
<ide> var result map[string]map[string]struct{}
<ide>
<del> res, err := inspectFieldJSON(name, "Config.Volumes")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectFieldJSON(c, name, "Config.Volumes")
<ide>
<ide> if err = unmarshalJSON([]byte(res), &result); err != nil {
<ide> c.Fatal(err)
<ide> func (s *DockerSuite) TestBuildHandleEscapes(c *check.C) {
<ide> c.Fatal(err)
<ide> }
<ide>
<del> res, err = inspectFieldJSON(name, "Config.Volumes")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res = inspectFieldJSON(c, name, "Config.Volumes")
<ide>
<ide> if err = unmarshalJSON([]byte(res), &result); err != nil {
<ide> c.Fatal(err)
<ide> func (s *DockerSuite) TestBuildHandleEscapes(c *check.C) {
<ide> c.Fatal(err)
<ide> }
<ide>
<del> res, err = inspectFieldJSON(name, "Config.Volumes")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res = inspectFieldJSON(c, name, "Config.Volumes")
<ide>
<ide> if err = unmarshalJSON([]byte(res), &result); err != nil {
<ide> c.Fatal(err)
<ide> func (s *DockerSuite) TestBuildWithVolumes(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectFieldJSON(name, "Config.Volumes")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectFieldJSON(c, name, "Config.Volumes")
<ide>
<ide> err = unmarshalJSON([]byte(res), &result)
<ide> if err != nil {
<ide> func (s *DockerSuite) TestBuildMaintainer(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Author")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Author")
<ide> if res != expected {
<ide> c.Fatalf("Maintainer %s, expected %s", res, expected)
<ide> }
<ide> func (s *DockerSuite) TestBuildUser(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Config.User")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.User")
<ide> if res != expected {
<ide> c.Fatalf("User %s, expected %s", res, expected)
<ide> }
<ide> func (s *DockerSuite) TestBuildRelativeWorkdir(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Config.WorkingDir")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.WorkingDir")
<ide> if res != expected {
<ide> c.Fatalf("Workdir %s, expected %s", res, expected)
<ide> }
<ide> func (s *DockerSuite) TestBuildWorkdirWithEnvVariables(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Config.WorkingDir")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.WorkingDir")
<ide> if res != expected {
<ide> c.Fatalf("Workdir %s, expected %s", res, expected)
<ide> }
<ide> func (s *DockerSuite) TestBuildEnv(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Config.Env")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.Env")
<ide> if res != expected {
<ide> c.Fatalf("Env %s, expected %s", res, expected)
<ide> }
<ide> func (s *DockerSuite) TestBuildPATH(c *check.C) {
<ide> _, err := buildImage("testbldpath", dockerfile, true)
<ide> c.Assert(err, check.IsNil)
<ide>
<del> res, err := inspectField("testbldpath", "Config.Env")
<del> c.Assert(err, check.IsNil)
<add> res := inspectField(c, "testbldpath", "Config.Env")
<ide>
<ide> if res != exp {
<ide> c.Fatalf("Env %q, expected %q for dockerfile:%q", res, exp, dockerfile)
<ide> func (s *DockerSuite) TestBuildCmd(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Config.Cmd")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.Cmd")
<ide> if res != expected {
<ide> c.Fatalf("Cmd %s, expected %s", res, expected)
<ide> }
<ide> func (s *DockerSuite) TestBuildExpose(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Config.ExposedPorts")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.ExposedPorts")
<ide> if res != expected {
<ide> c.Fatalf("Exposed ports %s, expected %s", res, expected)
<ide> }
<ide> func (s *DockerSuite) TestBuildExposeMorePorts(c *check.C) {
<ide> }
<ide>
<ide> // check if all the ports are saved inside Config.ExposedPorts
<del> res, err := inspectFieldJSON(name, "Config.ExposedPorts")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectFieldJSON(c, name, "Config.ExposedPorts")
<ide> var exposedPorts map[string]interface{}
<ide> if err := json.Unmarshal([]byte(res), &exposedPorts); err != nil {
<ide> c.Fatal(err)
<ide> func (s *DockerSuite) TestBuildExposeOrder(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> id, err := inspectField(name, "Id")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> id := inspectField(c, name, "Id")
<ide> return id
<ide> }
<ide>
<ide> func (s *DockerSuite) TestBuildExposeUpperCaseProto(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Config.ExposedPorts")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.ExposedPorts")
<ide> if res != expected {
<ide> c.Fatalf("Exposed ports %s, expected %s", res, expected)
<ide> }
<ide> func (s *DockerSuite) TestBuildEmptyEntrypointInheritance(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Config.Entrypoint")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.Entrypoint")
<ide>
<ide> expected := "{[/bin/echo]}"
<ide> if res != expected {
<ide> func (s *DockerSuite) TestBuildEmptyEntrypointInheritance(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err = inspectField(name2, "Config.Entrypoint")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res = inspectField(c, name2, "Config.Entrypoint")
<ide>
<ide> expected = "{[]}"
<ide>
<ide> func (s *DockerSuite) TestBuildEmptyEntrypoint(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Config.Entrypoint")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.Entrypoint")
<ide> if res != expected {
<ide> c.Fatalf("Entrypoint %s, expected %s", res, expected)
<ide> }
<ide> func (s *DockerSuite) TestBuildEntrypoint(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Config.Entrypoint")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.Entrypoint")
<ide> if res != expected {
<ide> c.Fatalf("Entrypoint %s, expected %s", res, expected)
<ide> }
<ide> func (s *DockerSuite) TestBuildEntrypointRunCleanup(c *check.C) {
<ide> if _, err := buildImageFromContext(name, ctx, true); err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Config.Cmd")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.Cmd")
<ide> // Cmd must be cleaned up
<ide> if res != "<nil>" {
<ide> c.Fatalf("Cmd %s, expected nil", res)
<ide> func (s *DockerSuite) TestBuildInheritance(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> ports1, err := inspectField(name, "Config.ExposedPorts")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> ports1 := inspectField(c, name, "Config.ExposedPorts")
<ide>
<ide> _, err = buildImage(name,
<ide> fmt.Sprintf(`FROM %s
<ide> func (s *DockerSuite) TestBuildInheritance(c *check.C) {
<ide> c.Fatal(err)
<ide> }
<ide>
<del> res, err := inspectField(name, "Config.Entrypoint")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.Entrypoint")
<ide> if expected := "{[/bin/echo]}"; res != expected {
<ide> c.Fatalf("Entrypoint %s, expected %s", res, expected)
<ide> }
<del> ports2, err := inspectField(name, "Config.ExposedPorts")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> ports2 := inspectField(c, name, "Config.ExposedPorts")
<ide> if ports1 != ports2 {
<ide> c.Fatalf("Ports must be same: %s != %s", ports1, ports2)
<ide> }
<ide> docker.com>"
<ide> c.Fatal(err)
<ide> }
<ide>
<del> res, err := inspectField(name, "Author")
<del>
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Author")
<ide>
<ide> if res != "\"Docker IO <[email protected]>\"" {
<ide> c.Fatalf("Parsed string did not match the escaped string. Got: %q", res)
<ide> func (s *DockerSuite) TestBuildFromGIT(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Author")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Author")
<ide> if res != "docker" {
<ide> c.Fatalf("Maintainer should be docker, got %s", res)
<ide> }
<ide> func (s *DockerSuite) TestBuildFromGITWithContext(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Author")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Author")
<ide> if res != "docker" {
<ide> c.Fatalf("Maintainer should be docker, got %s", res)
<ide> }
<ide> func (s *DockerSuite) TestBuildFromRemoteTarball(c *check.C) {
<ide> _, err = buildImageFromPath(name, server.URL()+"/testT.tar", true)
<ide> c.Assert(err, check.IsNil)
<ide>
<del> res, err := inspectField(name, "Author")
<del> c.Assert(err, check.IsNil)
<add> res := inspectField(c, name, "Author")
<ide>
<ide> if res != "docker" {
<ide> c.Fatalf("Maintainer should be docker, got %s", res)
<ide> func (s *DockerSuite) TestBuildCleanupCmdOnEntrypoint(c *check.C) {
<ide> true); err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectField(name, "Config.Cmd")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectField(c, name, "Config.Cmd")
<ide> if res != "<nil>" {
<ide> c.Fatalf("Cmd %s, expected nil", res)
<ide> }
<ide>
<del> res, err = inspectField(name, "Config.Entrypoint")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res = inspectField(c, name, "Config.Entrypoint")
<ide> if expected := "{[cat]}"; res != expected {
<ide> c.Fatalf("Entrypoint %s, expected %s", res, expected)
<ide> }
<ide> func (s *DockerSuite) TestBuildClearCmd(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectFieldJSON(name, "Config.Cmd")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectFieldJSON(c, name, "Config.Cmd")
<ide> if res != "[]" {
<ide> c.Fatalf("Cmd %s, expected %s", res, "[]")
<ide> }
<ide> func (s *DockerSuite) TestBuildEmptyCmd(c *check.C) {
<ide> if _, err := buildImage(name, "FROM scratch\nMAINTAINER quux\n", true); err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectFieldJSON(name, "Config.Cmd")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectFieldJSON(c, name, "Config.Cmd")
<ide> if res != "null" {
<ide> c.Fatalf("Cmd %s, expected %s", res, "null")
<ide> }
<ide> func (s *DockerSuite) TestBuildCmdShDashC(c *check.C) {
<ide> c.Fatal(err)
<ide> }
<ide>
<del> res, err := inspectFieldJSON(name, "Config.Cmd")
<del> if err != nil {
<del> c.Fatal(err, res)
<del> }
<add> res := inspectFieldJSON(c, name, "Config.Cmd")
<ide>
<ide> expected := `["/bin/sh","-c","echo cmd"]`
<ide>
<ide> func (s *DockerSuite) TestBuildCmdJSONNoShDashC(c *check.C) {
<ide> c.Fatal(err)
<ide> }
<ide>
<del> res, err := inspectFieldJSON(name, "Config.Cmd")
<del> if err != nil {
<del> c.Fatal(err, res)
<del> }
<add> res := inspectFieldJSON(c, name, "Config.Cmd")
<ide>
<ide> expected := `["echo","cmd"]`
<ide>
<ide> func (s *DockerSuite) TestBuildEntrypointInheritanceInspect(c *check.C) {
<ide> c.Fatal(err)
<ide> }
<ide>
<del> res, err := inspectFieldJSON(name2, "Config.Entrypoint")
<del> if err != nil {
<del> c.Fatal(err, res)
<del> }
<add> res := inspectFieldJSON(c, name2, "Config.Entrypoint")
<ide>
<ide> if res != expected {
<ide> c.Fatalf("Expected value %s not in Config.Entrypoint: %s", expected, res)
<ide> func (s *DockerSuite) TestBuildWithTabs(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectFieldJSON(name, "ContainerConfig.Cmd")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectFieldJSON(c, name, "ContainerConfig.Cmd")
<ide> expected1 := `["/bin/sh","-c","echo\tone\t\ttwo"]`
<ide> expected2 := `["/bin/sh","-c","echo\u0009one\u0009\u0009two"]` // syntactically equivalent, and what Go 1.3 generates
<ide> if res != expected1 && res != expected2 {
<ide> func (s *DockerSuite) TestBuildLabels(c *check.C) {
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<del> res, err := inspectFieldJSON(name, "Config.Labels")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res := inspectFieldJSON(c, name, "Config.Labels")
<ide> if res != expected {
<ide> c.Fatalf("Labels %s, expected %s", res, expected)
<ide> }
<ide> func (s *DockerSuite) TestBuildStopSignal(c *check.C) {
<ide> STOPSIGNAL SIGKILL`,
<ide> true)
<ide> c.Assert(err, check.IsNil)
<del> res, err := inspectFieldJSON(name, "Config.StopSignal")
<del> c.Assert(err, check.IsNil)
<add> res := inspectFieldJSON(c, name, "Config.StopSignal")
<ide>
<ide> if res != `"SIGKILL"` {
<ide> c.Fatalf("Signal %s, expected SIGKILL", res)
<ide> func (s *DockerSuite) TestBuildBuildTimeArgExpansion(c *check.C) {
<ide> var resMap map[string]interface{}
<ide> var resArr []string
<ide> res := ""
<del> res, err = inspectField(imgName, "Config.WorkingDir")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res = inspectField(c, imgName, "Config.WorkingDir")
<ide> if res != filepath.ToSlash(filepath.Clean(wdVal)) {
<ide> c.Fatalf("Config.WorkingDir value mismatch. Expected: %s, got: %s", filepath.ToSlash(filepath.Clean(wdVal)), res)
<ide> }
<ide>
<del> err = inspectFieldAndMarshall(imgName, "Config.Env", &resArr)
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> inspectFieldAndMarshall(c, imgName, "Config.Env", &resArr)
<ide>
<ide> found := false
<ide> for _, v := range resArr {
<ide> func (s *DockerSuite) TestBuildBuildTimeArgExpansion(c *check.C) {
<ide> envVar, envVal, resArr)
<ide> }
<ide>
<del> err = inspectFieldAndMarshall(imgName, "Config.ExposedPorts", &resMap)
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> inspectFieldAndMarshall(c, imgName, "Config.ExposedPorts", &resMap)
<ide> if _, ok := resMap[fmt.Sprintf("%s/tcp", exposeVal)]; !ok {
<ide> c.Fatalf("Config.ExposedPorts value mismatch. Expected exposed port: %s/tcp, got: %v", exposeVal, resMap)
<ide> }
<ide>
<del> res, err = inspectField(imgName, "Config.User")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> res = inspectField(c, imgName, "Config.User")
<ide> if res != userVal {
<ide> c.Fatalf("Config.User value mismatch. Expected: %s, got: %s", userVal, res)
<ide> }
<ide>
<del> err = inspectFieldAndMarshall(imgName, "Config.Volumes", &resMap)
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<add> inspectFieldAndMarshall(c, imgName, "Config.Volumes", &resMap)
<ide> if _, ok := resMap[volVal]; !ok {
<ide> c.Fatalf("Config.Volumes value mismatch. Expected volume: %s, got: %v", volVal, resMap)
<ide> }
<ide><path>integration-cli/docker_cli_build_unix_test.go
<ide> func (s *DockerSuite) TestBuildResourceConstraintsAreUsed(c *check.C) {
<ide> Ulimits []*units.Ulimit
<ide> }
<ide>
<del> cfg, err := inspectFieldJSON(cID, "HostConfig")
<del> c.Assert(err, checker.IsNil)
<add> cfg := inspectFieldJSON(c, cID, "HostConfig")
<ide>
<ide> var c1 hostConfig
<ide> err = json.Unmarshal([]byte(cfg), &c1)
<ide> func (s *DockerSuite) TestBuildResourceConstraintsAreUsed(c *check.C) {
<ide> // Make sure constraints aren't saved to image
<ide> dockerCmd(c, "run", "--name=test", name)
<ide>
<del> cfg, err = inspectFieldJSON("test", "HostConfig")
<del> c.Assert(err, checker.IsNil)
<add> cfg = inspectFieldJSON(c, "test", "HostConfig")
<ide>
<ide> var c2 hostConfig
<ide> err = json.Unmarshal([]byte(cfg), &c2)
<ide><path>integration-cli/docker_cli_by_digest_test.go
<ide> func (s *DockerRegistrySuite) TestCreateByDigest(c *check.C) {
<ide> imageReference := fmt.Sprintf("%s@%s", repoName, pushDigest)
<ide>
<ide> containerName := "createByDigest"
<del> out, _ := dockerCmd(c, "create", "--name", containerName, imageReference)
<add> dockerCmd(c, "create", "--name", containerName, imageReference)
<ide>
<del> res, err := inspectField(containerName, "Config.Image")
<del> c.Assert(err, checker.IsNil, check.Commentf("failed to get Config.Image: %s", out))
<add> res := inspectField(c, containerName, "Config.Image")
<ide> c.Assert(res, checker.Equals, imageReference)
<ide> }
<ide>
<ide> func (s *DockerRegistrySuite) TestRunByDigest(c *check.C) {
<ide> c.Assert(matches, checker.HasLen, 2, check.Commentf("unable to parse digest from pull output: %s", out))
<ide> c.Assert(matches[1], checker.Equals, "1", check.Commentf("Expected %q, got %q", "1", matches[1]))
<ide>
<del> res, err := inspectField(containerName, "Config.Image")
<del> c.Assert(err, checker.IsNil, check.Commentf("failed to get Config.Image: %s", out))
<add> res := inspectField(c, containerName, "Config.Image")
<ide> c.Assert(res, checker.Equals, imageReference)
<ide> }
<ide>
<ide> func (s *DockerRegistrySuite) TestRemoveImageByDigest(c *check.C) {
<ide> dockerCmd(c, "pull", imageReference)
<ide>
<ide> // make sure inspect runs ok
<del> _, err = inspectField(imageReference, "Id")
<del> c.Assert(err, checker.IsNil, check.Commentf("failed to inspect image"))
<add> inspectField(c, imageReference, "Id")
<ide>
<ide> // do the delete
<ide> err = deleteImages(imageReference)
<ide> c.Assert(err, checker.IsNil, check.Commentf("unexpected error deleting image"))
<ide>
<ide> // try to inspect again - it should error this time
<del> _, err = inspectField(imageReference, "Id")
<add> _, err = inspectFieldWithError(imageReference, "Id")
<ide> //unexpected nil err trying to inspect what should be a non-existent image
<ide> c.Assert(err, checker.NotNil)
<ide> c.Assert(err.Error(), checker.Contains, "No such image")
<ide> func (s *DockerRegistrySuite) TestBuildByDigest(c *check.C) {
<ide> dockerCmd(c, "pull", imageReference)
<ide>
<ide> // get the image id
<del> imageID, err := inspectField(imageReference, "Id")
<del> c.Assert(err, checker.IsNil, check.Commentf("error getting image id"))
<add> imageID := inspectField(c, imageReference, "Id")
<ide>
<ide> // do the build
<ide> name := "buildbydigest"
<ide> func (s *DockerRegistrySuite) TestBuildByDigest(c *check.C) {
<ide> c.Assert(err, checker.IsNil)
<ide>
<ide> // get the build's image id
<del> res, err := inspectField(name, "Config.Image")
<del> c.Assert(err, checker.IsNil)
<add> res := inspectField(c, name, "Config.Image")
<ide> // make sure they match
<ide> c.Assert(res, checker.Equals, imageID)
<ide> }
<ide> func (s *DockerRegistrySuite) TestTagByDigest(c *check.C) {
<ide> tag := "tagbydigest"
<ide> dockerCmd(c, "tag", imageReference, tag)
<ide>
<del> expectedID, err := inspectField(imageReference, "Id")
<del> c.Assert(err, checker.IsNil, check.Commentf("error getting original image id"))
<add> expectedID := inspectField(c, imageReference, "Id")
<ide>
<del> tagID, err := inspectField(tag, "Id")
<del> c.Assert(err, checker.IsNil, check.Commentf("error getting tagged image id"))
<add> tagID := inspectField(c, tag, "Id")
<ide> c.Assert(tagID, checker.Equals, expectedID)
<ide> }
<ide>
<ide> func (s *DockerRegistrySuite) TestDeleteImageByIDOnlyPulledByDigest(c *check.C)
<ide> dockerCmd(c, "pull", imageReference)
<ide> // just in case...
<ide>
<del> imageID, err := inspectField(imageReference, "Id")
<del> c.Assert(err, checker.IsNil, check.Commentf("error inspecting image id"))
<add> imageID := inspectField(c, imageReference, "Id")
<ide>
<ide> dockerCmd(c, "rmi", imageID)
<ide> }
<ide> func (s *DockerRegistrySuite) TestDeleteImageWithDigestAndTag(c *check.C) {
<ide> imageReference := fmt.Sprintf("%s@%s", repoName, pushDigest)
<ide> dockerCmd(c, "pull", imageReference)
<ide>
<del> imageID, err := inspectField(imageReference, "Id")
<del> c.Assert(err, checker.IsNil, check.Commentf("error inspecting image id"))
<add> imageID := inspectField(c, imageReference, "Id")
<ide>
<ide> repoTag := repoName + ":sometag"
<ide> repoTag2 := repoName + ":othertag"
<ide> func (s *DockerRegistrySuite) TestDeleteImageWithDigestAndTag(c *check.C) {
<ide> dockerCmd(c, "rmi", repoTag2)
<ide>
<ide> // rmi should have deleted only repoTag2, because there's another tag
<del> _, err = inspectField(repoTag, "Id")
<del> c.Assert(err, checker.IsNil, check.Commentf("repoTag should not have been removed"))
<add> inspectField(c, repoTag, "Id")
<ide>
<ide> dockerCmd(c, "rmi", repoTag)
<ide>
<ide> // rmi should have deleted the tag, the digest reference, and the image itself
<del> _, err = inspectField(imageID, "Id")
<add> _, err = inspectFieldWithError(imageID, "Id")
<ide> c.Assert(err, checker.NotNil, check.Commentf("image should have been deleted"))
<ide> }
<ide>
<ide><path>integration-cli/docker_cli_commit_test.go
<ide> func (s *DockerSuite) TestCommitPausedContainer(c *check.C) {
<ide>
<ide> out, _ = dockerCmd(c, "commit", cleanedContainerID)
<ide>
<del> out, err := inspectField(cleanedContainerID, "State.Paused")
<del> c.Assert(err, checker.IsNil, check.Commentf("%s", out))
<add> out = inspectField(c, cleanedContainerID, "State.Paused")
<ide> // commit should not unpause a paused container
<ide> c.Assert(out, checker.Contains, "true")
<ide> }
<ide> func (s *DockerSuite) TestCommitChange(c *check.C) {
<ide> }
<ide>
<ide> for conf, value := range expected {
<del> res, err := inspectField(imageID, conf)
<del> c.Assert(err, checker.IsNil, check.Commentf("%s('%s')", conf, res))
<add> res := inspectField(c, imageID, conf)
<ide> if res != value {
<ide> c.Errorf("%s('%s'), expected %s", conf, res, value)
<ide> }
<ide> func (s *DockerSuite) TestCommitMergeConfigRun(c *check.C) {
<ide> Cmd []string
<ide> }
<ide> config1 := cfg{}
<del> err := inspectFieldAndMarshall(id, "Config", &config1)
<del> c.Assert(err, checker.IsNil)
<add> inspectFieldAndMarshall(c, id, "Config", &config1)
<ide>
<ide> config2 := cfg{}
<del> err = inspectFieldAndMarshall(name, "Config", &config2)
<del> c.Assert(err, checker.IsNil)
<add> inspectFieldAndMarshall(c, name, "Config", &config2)
<ide>
<ide> // Env has at least PATH loaded as well here, so let's just grab the FOO one
<ide> var env1, env2 string
<ide><path>integration-cli/docker_cli_create_test.go
<ide> func (s *DockerSuite) TestCreateLabels(c *check.C) {
<ide> dockerCmd(c, "create", "--name", name, "-l", "k1=v1", "--label", "k2=v2", "busybox")
<ide>
<ide> actual := make(map[string]string)
<del> err := inspectFieldAndMarshall(name, "Config.Labels", &actual)
<del> c.Assert(err, check.IsNil)
<add> inspectFieldAndMarshall(c, name, "Config.Labels", &actual)
<ide>
<ide> if !reflect.DeepEqual(expected, actual) {
<ide> c.Fatalf("Expected %s got %s", expected, actual)
<ide> func (s *DockerSuite) TestCreateLabelFromImage(c *check.C) {
<ide> dockerCmd(c, "create", "--name", name, "-l", "k2=x", "--label", "k3=v3", imageName)
<ide>
<ide> actual := make(map[string]string)
<del> err = inspectFieldAndMarshall(name, "Config.Labels", &actual)
<del> c.Assert(err, check.IsNil)
<add> inspectFieldAndMarshall(c, name, "Config.Labels", &actual)
<ide>
<ide> if !reflect.DeepEqual(expected, actual) {
<ide> c.Fatalf("Expected %s got %s", expected, actual)
<ide> func (s *DockerSuite) TestCreateStopSignal(c *check.C) {
<ide> name := "test_create_stop_signal"
<ide> dockerCmd(c, "create", "--name", name, "--stop-signal", "9", "busybox")
<ide>
<del> res, err := inspectFieldJSON(name, "Config.StopSignal")
<del> c.Assert(err, check.IsNil)
<add> res := inspectFieldJSON(c, name, "Config.StopSignal")
<ide> c.Assert(res, checker.Contains, "9")
<ide>
<ide> }
<ide><path>integration-cli/docker_cli_events_test.go
<ide> func (s *DockerSuite) TestEventsFilterContainer(c *check.C) {
<ide>
<ide> for _, name := range []string{"container_1", "container_2"} {
<ide> dockerCmd(c, "run", "--name", name, "busybox", "true")
<del> id, err := inspectField(name, "Id")
<del> c.Assert(err, checker.IsNil)
<add> id := inspectField(c, name, "Id")
<ide> nameID[name] = id
<ide> }
<ide>
<ide><path>integration-cli/docker_cli_events_unix_test.go
<ide> func (s *DockerSuite) TestEventsOOMDisableTrue(c *check.C) {
<ide>
<ide> c.Assert(waitRun("oomTrue"), checker.IsNil)
<ide> defer dockerCmd(c, "kill", "oomTrue")
<del> containerID, err := inspectField("oomTrue", "Id")
<del> c.Assert(err, checker.IsNil)
<add> containerID := inspectField(c, "oomTrue", "Id")
<ide>
<ide> testActions := map[string]chan bool{
<ide> "oom": make(chan bool),
<ide> func (s *DockerSuite) TestEventsOOMDisableTrue(c *check.C) {
<ide> }
<ide> }
<ide>
<del> status, err := inspectField("oomTrue", "State.Status")
<del> c.Assert(err, checker.IsNil)
<add> status := inspectField(c, "oomTrue", "State.Status")
<ide> c.Assert(strings.TrimSpace(status), checker.Equals, "running", check.Commentf("container should be still running"))
<ide> }
<ide>
<ide><path>integration-cli/docker_cli_exec_test.go
<ide> func (s *DockerSuite) TestInspectExecID(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "busybox", "top")
<ide> id := strings.TrimSuffix(out, "\n")
<ide>
<del> out, err := inspectField(id, "ExecIDs")
<del> c.Assert(err, checker.IsNil, check.Commentf("failed to inspect container: %s", out))
<add> out = inspectField(c, id, "ExecIDs")
<ide> c.Assert(out, checker.Equals, "[]", check.Commentf("ExecIDs should be empty, got: %s", out))
<ide>
<ide> // Start an exec, have it block waiting so we can do some checking
<ide> cmd := exec.Command(dockerBinary, "exec", id, "sh", "-c",
<ide> "while ! test -e /tmp/execid1; do sleep 1; done")
<ide>
<del> err = cmd.Start()
<add> err := cmd.Start()
<ide> c.Assert(err, checker.IsNil, check.Commentf("failed to start the exec cmd"))
<ide>
<ide> // Give the exec 10 chances/seconds to start then give up and stop the test
<ide> tries := 10
<ide> for i := 0; i < tries; i++ {
<ide> // Since its still running we should see exec as part of the container
<del> out, err = inspectField(id, "ExecIDs")
<del> c.Assert(err, checker.IsNil, check.Commentf("failed to inspect container: %s", out))
<add> out = inspectField(c, id, "ExecIDs")
<ide>
<ide> out = strings.TrimSuffix(out, "\n")
<ide> if out != "[]" && out != "<no value>" {
<ide> func (s *DockerSuite) TestInspectExecID(c *check.C) {
<ide> cmd.Wait()
<ide>
<ide> // All execs for the container should be gone now
<del> out, err = inspectField(id, "ExecIDs")
<del> c.Assert(err, checker.IsNil, check.Commentf("failed to inspect container: %s", out))
<add> out = inspectField(c, id, "ExecIDs")
<ide>
<ide> out = strings.TrimSuffix(out, "\n")
<ide> c.Assert(out == "[]" || out == "<no value>", checker.True)
<ide><path>integration-cli/docker_cli_inspect_experimental_test.go
<ide> func (s *DockerSuite) TestInspectNamedMountPoint(c *check.C) {
<ide> testRequires(c, DaemonIsLinux)
<ide> dockerCmd(c, "run", "-d", "--name", "test", "-v", "data:/data", "busybox", "cat")
<ide>
<del> vol, err := inspectFieldJSON("test", "Mounts")
<del> c.Assert(err, checker.IsNil)
<add> vol := inspectFieldJSON(c, "test", "Mounts")
<ide>
<ide> var mp []types.MountPoint
<del> err = unmarshalJSON([]byte(vol), &mp)
<add> err := unmarshalJSON([]byte(vol), &mp)
<ide> c.Assert(err, checker.IsNil)
<ide>
<ide> c.Assert(mp, checker.HasLen, 1, check.Commentf("Expected 1 mount point"))
<ide><path>integration-cli/docker_cli_inspect_test.go
<ide> func (s *DockerSuite) TestInspectImage(c *check.C) {
<ide> // fails, fix the difference in the image serialization instead of
<ide> // updating this hash.
<ide> imageTestID := "sha256:11f64303f0f7ffdc71f001788132bca5346831939a956e3e975c93267d89a16d"
<del> id, err := inspectField(imageTest, "Id")
<del> c.Assert(err, checker.IsNil)
<add> id := inspectField(c, imageTest, "Id")
<ide>
<ide> c.Assert(id, checker.Equals, imageTestID)
<ide> }
<ide> func (s *DockerSuite) TestInspectInt64(c *check.C) {
<ide> testRequires(c, DaemonIsLinux)
<ide>
<ide> dockerCmd(c, "run", "-d", "-m=300M", "--name", "inspectTest", "busybox", "true")
<del> inspectOut, err := inspectField("inspectTest", "HostConfig.Memory")
<del> c.Assert(err, check.IsNil)
<add> inspectOut := inspectField(c, "inspectTest", "HostConfig.Memory")
<ide> c.Assert(inspectOut, checker.Equals, "314572800")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestInspectDefault(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "--name=busybox", "-d", "busybox", "true")
<ide> containerID := strings.TrimSpace(out)
<ide>
<del> inspectOut, err := inspectField("busybox", "Id")
<del> c.Assert(err, checker.IsNil)
<add> inspectOut := inspectField(c, "busybox", "Id")
<ide> c.Assert(strings.TrimSpace(inspectOut), checker.Equals, containerID)
<ide> }
<ide>
<ide> func (s *DockerSuite) TestInspectStatus(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "busybox", "top")
<ide> out = strings.TrimSpace(out)
<ide>
<del> inspectOut, err := inspectField(out, "State.Status")
<del> c.Assert(err, checker.IsNil)
<add> inspectOut := inspectField(c, out, "State.Status")
<ide> c.Assert(inspectOut, checker.Equals, "running")
<ide>
<ide> dockerCmd(c, "pause", out)
<del> inspectOut, err = inspectField(out, "State.Status")
<del> c.Assert(err, checker.IsNil)
<add> inspectOut = inspectField(c, out, "State.Status")
<ide> c.Assert(inspectOut, checker.Equals, "paused")
<ide>
<ide> dockerCmd(c, "unpause", out)
<del> inspectOut, err = inspectField(out, "State.Status")
<del> c.Assert(err, checker.IsNil)
<add> inspectOut = inspectField(c, out, "State.Status")
<ide> c.Assert(inspectOut, checker.Equals, "running")
<ide>
<ide> dockerCmd(c, "stop", out)
<del> inspectOut, err = inspectField(out, "State.Status")
<del> c.Assert(err, checker.IsNil)
<add> inspectOut = inspectField(c, out, "State.Status")
<ide> c.Assert(inspectOut, checker.Equals, "exited")
<ide>
<ide> }
<ide> func (s *DockerSuite) TestInspectTypeFlagWithInvalidValue(c *check.C) {
<ide> func (s *DockerSuite) TestInspectImageFilterInt(c *check.C) {
<ide> testRequires(c, DaemonIsLinux)
<ide> imageTest := "emptyfs"
<del> out, err := inspectField(imageTest, "Size")
<del> c.Assert(err, checker.IsNil)
<add> out := inspectField(c, imageTest, "Size")
<ide>
<ide> size, err := strconv.Atoi(out)
<ide> c.Assert(err, checker.IsNil, check.Commentf("failed to inspect size of the image: %s, %v", out, err))
<ide> func (s *DockerSuite) TestInspectContainerFilterInt(c *check.C) {
<ide>
<ide> id := strings.TrimSpace(out)
<ide>
<del> out, err = inspectField(id, "State.ExitCode")
<del> c.Assert(err, checker.IsNil)
<add> out = inspectField(c, id, "State.ExitCode")
<ide>
<ide> exitCode, err := strconv.Atoi(out)
<ide> c.Assert(err, checker.IsNil, check.Commentf("failed to inspect exitcode of the container: %s, %v", out, err))
<ide> func (s *DockerSuite) TestInspectContainerFilterInt(c *check.C) {
<ide> func (s *DockerSuite) TestInspectImageGraphDriver(c *check.C) {
<ide> testRequires(c, DaemonIsLinux)
<ide> imageTest := "emptyfs"
<del> name, err := inspectField(imageTest, "GraphDriver.Name")
<del> c.Assert(err, checker.IsNil)
<add> name := inspectField(c, imageTest, "GraphDriver.Name")
<ide>
<ide> checkValidGraphDriver(c, name)
<ide>
<ide> if name != "devicemapper" {
<ide> c.Skip("requires devicemapper graphdriver")
<ide> }
<ide>
<del> deviceID, err := inspectField(imageTest, "GraphDriver.Data.DeviceId")
<del> c.Assert(err, checker.IsNil)
<add> deviceID := inspectField(c, imageTest, "GraphDriver.Data.DeviceId")
<ide>
<del> _, err = strconv.Atoi(deviceID)
<add> _, err := strconv.Atoi(deviceID)
<ide> c.Assert(err, checker.IsNil, check.Commentf("failed to inspect DeviceId of the image: %s, %v", deviceID, err))
<ide>
<del> deviceSize, err := inspectField(imageTest, "GraphDriver.Data.DeviceSize")
<del> c.Assert(err, checker.IsNil)
<add> deviceSize := inspectField(c, imageTest, "GraphDriver.Data.DeviceSize")
<ide>
<ide> _, err = strconv.ParseUint(deviceSize, 10, 64)
<ide> c.Assert(err, checker.IsNil, check.Commentf("failed to inspect DeviceSize of the image: %s, %v", deviceSize, err))
<ide> func (s *DockerSuite) TestInspectContainerGraphDriver(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "busybox", "true")
<ide> out = strings.TrimSpace(out)
<ide>
<del> name, err := inspectField(out, "GraphDriver.Name")
<del> c.Assert(err, checker.IsNil)
<add> name := inspectField(c, out, "GraphDriver.Name")
<ide>
<ide> checkValidGraphDriver(c, name)
<ide>
<ide> if name != "devicemapper" {
<ide> return
<ide> }
<ide>
<del> imageDeviceID, err := inspectField("busybox", "GraphDriver.Data.DeviceId")
<del> c.Assert(err, checker.IsNil)
<add> imageDeviceID := inspectField(c, "busybox", "GraphDriver.Data.DeviceId")
<ide>
<del> deviceID, err := inspectField(out, "GraphDriver.Data.DeviceId")
<del> c.Assert(err, checker.IsNil)
<add> deviceID := inspectField(c, out, "GraphDriver.Data.DeviceId")
<ide>
<ide> c.Assert(imageDeviceID, checker.Not(checker.Equals), deviceID)
<ide>
<del> _, err = strconv.Atoi(deviceID)
<add> _, err := strconv.Atoi(deviceID)
<ide> c.Assert(err, checker.IsNil, check.Commentf("failed to inspect DeviceId of the image: %s, %v", deviceID, err))
<ide>
<del> deviceSize, err := inspectField(out, "GraphDriver.Data.DeviceSize")
<del> c.Assert(err, checker.IsNil)
<add> deviceSize := inspectField(c, out, "GraphDriver.Data.DeviceSize")
<ide>
<ide> _, err = strconv.ParseUint(deviceSize, 10, 64)
<ide> c.Assert(err, checker.IsNil, check.Commentf("failed to inspect DeviceSize of the image: %s, %v", deviceSize, err))
<ide> func (s *DockerSuite) TestInspectBindMountPoint(c *check.C) {
<ide> testRequires(c, DaemonIsLinux)
<ide> dockerCmd(c, "run", "-d", "--name", "test", "-v", "/data:/data:ro,z", "busybox", "cat")
<ide>
<del> vol, err := inspectFieldJSON("test", "Mounts")
<del> c.Assert(err, checker.IsNil)
<add> vol := inspectFieldJSON(c, "test", "Mounts")
<ide>
<ide> var mp []types.MountPoint
<del> err = unmarshalJSON([]byte(vol), &mp)
<add> err := unmarshalJSON([]byte(vol), &mp)
<ide> c.Assert(err, checker.IsNil)
<ide>
<ide> // check that there is only one mountpoint
<ide> func (s *DockerSuite) TestInspectTimesAsRFC3339Nano(c *check.C) {
<ide> testRequires(c, DaemonIsLinux)
<ide> out, _ := dockerCmd(c, "run", "-d", "busybox", "true")
<ide> id := strings.TrimSpace(out)
<del> startedAt, err := inspectField(id, "State.StartedAt")
<del> c.Assert(err, checker.IsNil)
<del> finishedAt, err := inspectField(id, "State.FinishedAt")
<del> c.Assert(err, checker.IsNil)
<del> created, err := inspectField(id, "Created")
<del> c.Assert(err, checker.IsNil)
<add> startedAt := inspectField(c, id, "State.StartedAt")
<add> finishedAt := inspectField(c, id, "State.FinishedAt")
<add> created := inspectField(c, id, "Created")
<ide>
<del> _, err = time.Parse(time.RFC3339Nano, startedAt)
<add> _, err := time.Parse(time.RFC3339Nano, startedAt)
<ide> c.Assert(err, checker.IsNil)
<ide> _, err = time.Parse(time.RFC3339Nano, finishedAt)
<ide> c.Assert(err, checker.IsNil)
<ide> _, err = time.Parse(time.RFC3339Nano, created)
<ide> c.Assert(err, checker.IsNil)
<ide>
<del> created, err = inspectField("busybox", "Created")
<del> c.Assert(err, checker.IsNil)
<add> created = inspectField(c, "busybox", "Created")
<ide>
<ide> _, err = time.Parse(time.RFC3339Nano, created)
<ide> c.Assert(err, checker.IsNil)
<ide> func (s *DockerSuite) TestInspectLogConfigNoType(c *check.C) {
<ide> dockerCmd(c, "create", "--name=test", "--log-opt", "max-file=42", "busybox")
<ide> var logConfig container.LogConfig
<ide>
<del> out, err := inspectFieldJSON("test", "HostConfig.LogConfig")
<del> c.Assert(err, checker.IsNil, check.Commentf("%v", out))
<add> out := inspectFieldJSON(c, "test", "HostConfig.LogConfig")
<ide>
<del> err = json.NewDecoder(strings.NewReader(out)).Decode(&logConfig)
<add> err := json.NewDecoder(strings.NewReader(out)).Decode(&logConfig)
<ide> c.Assert(err, checker.IsNil, check.Commentf("%v", out))
<ide>
<ide> c.Assert(logConfig.Type, checker.Equals, "json-file")
<ide> func (s *DockerSuite) TestInspectJSONFields(c *check.C) {
<ide> }
<ide>
<ide> func (s *DockerSuite) TestInspectByPrefix(c *check.C) {
<del> id, err := inspectField("busybox", "Id")
<del> c.Assert(err, checker.IsNil)
<add> id := inspectField(c, "busybox", "Id")
<ide> c.Assert(id, checker.HasPrefix, "sha256:")
<ide>
<del> id2, err := inspectField(id[:12], "Id")
<del> c.Assert(err, checker.IsNil)
<add> id2 := inspectField(c, id[:12], "Id")
<ide> c.Assert(id, checker.Equals, id2)
<ide>
<del> id3, err := inspectField(strings.TrimPrefix(id, "sha256:")[:12], "Id")
<del> c.Assert(err, checker.IsNil)
<add> id3 := inspectField(c, strings.TrimPrefix(id, "sha256:")[:12], "Id")
<ide> c.Assert(id, checker.Equals, id3)
<ide> }
<ide>
<ide> func (s *DockerSuite) TestInspectContainerNetworkDefault(c *check.C) {
<ide> contName := "test1"
<ide> dockerCmd(c, "run", "--name", contName, "-d", "busybox", "top")
<ide> netOut, _ := dockerCmd(c, "network", "inspect", "--format='{{.ID}}'", "bridge")
<del> out, err := inspectField(contName, "NetworkSettings.Networks")
<del> c.Assert(err, checker.IsNil)
<add> out := inspectField(c, contName, "NetworkSettings.Networks")
<ide> c.Assert(out, checker.Contains, "bridge")
<del> out, err = inspectField(contName, "NetworkSettings.Networks.bridge.NetworkID")
<del> c.Assert(err, checker.IsNil)
<add> out = inspectField(c, contName, "NetworkSettings.Networks.bridge.NetworkID")
<ide> c.Assert(strings.TrimSpace(out), checker.Equals, strings.TrimSpace(netOut))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestInspectContainerNetworkCustom(c *check.C) {
<ide>
<ide> netOut, _ := dockerCmd(c, "network", "create", "net1")
<ide> dockerCmd(c, "run", "--name=container1", "--net=net1", "-d", "busybox", "top")
<del> out, err := inspectField("container1", "NetworkSettings.Networks")
<del> c.Assert(err, checker.IsNil)
<add> out := inspectField(c, "container1", "NetworkSettings.Networks")
<ide> c.Assert(out, checker.Contains, "net1")
<del> out, err = inspectField("container1", "NetworkSettings.Networks.net1.NetworkID")
<del> c.Assert(err, checker.IsNil)
<add> out = inspectField(c, "container1", "NetworkSettings.Networks.net1.NetworkID")
<ide> c.Assert(strings.TrimSpace(out), checker.Equals, strings.TrimSpace(netOut))
<ide> }
<ide><path>integration-cli/docker_cli_kill_test.go
<ide> func (s *DockerSuite) TestKillWithSignal(c *check.C) {
<ide>
<ide> dockerCmd(c, "kill", "-s", "SIGWINCH", cid)
<ide>
<del> running, _ := inspectField(cid, "State.Running")
<add> running := inspectField(c, cid, "State.Running")
<ide>
<ide> c.Assert(running, checker.Equals, "true", check.Commentf("Container should be in running state after SIGWINCH"))
<ide> }
<ide> func (s *DockerSuite) TestKillWithInvalidSignal(c *check.C) {
<ide> c.Assert(err, check.NotNil)
<ide> c.Assert(out, checker.Contains, "Invalid signal: 0", check.Commentf("Kill with an invalid signal didn't error out correctly"))
<ide>
<del> running, _ := inspectField(cid, "State.Running")
<add> running := inspectField(c, cid, "State.Running")
<ide> c.Assert(running, checker.Equals, "true", check.Commentf("Container should be in running state after an invalid signal"))
<ide>
<ide> out, _ = dockerCmd(c, "run", "-d", "busybox", "top")
<ide> func (s *DockerSuite) TestKillWithInvalidSignal(c *check.C) {
<ide> c.Assert(err, check.NotNil)
<ide> c.Assert(out, checker.Contains, "Invalid signal: SIG42", check.Commentf("Kill with an invalid signal error out correctly"))
<ide>
<del> running, _ = inspectField(cid, "State.Running")
<add> running = inspectField(c, cid, "State.Running")
<ide> c.Assert(running, checker.Equals, "true", check.Commentf("Container should be in running state after an invalid signal"))
<ide>
<ide> }
<ide><path>integration-cli/docker_cli_links_test.go
<ide> func (s *DockerSuite) TestLinksInspectLinksStarted(c *check.C) {
<ide> dockerCmd(c, "run", "-d", "--name", "container1", "busybox", "top")
<ide> dockerCmd(c, "run", "-d", "--name", "container2", "busybox", "top")
<ide> dockerCmd(c, "run", "-d", "--name", "testinspectlink", "--link", "container1:alias1", "--link", "container2:alias2", "busybox", "top")
<del> links, err := inspectFieldJSON("testinspectlink", "HostConfig.Links")
<del> c.Assert(err, checker.IsNil)
<add> links := inspectFieldJSON(c, "testinspectlink", "HostConfig.Links")
<ide>
<del> err = unmarshalJSON([]byte(links), &result)
<add> err := unmarshalJSON([]byte(links), &result)
<ide> c.Assert(err, checker.IsNil)
<ide>
<ide> output := convertSliceOfStringsToMap(result)
<ide> func (s *DockerSuite) TestLinksInspectLinksStopped(c *check.C) {
<ide> dockerCmd(c, "run", "-d", "--name", "container1", "busybox", "top")
<ide> dockerCmd(c, "run", "-d", "--name", "container2", "busybox", "top")
<ide> dockerCmd(c, "run", "-d", "--name", "testinspectlink", "--link", "container1:alias1", "--link", "container2:alias2", "busybox", "true")
<del> links, err := inspectFieldJSON("testinspectlink", "HostConfig.Links")
<del> c.Assert(err, checker.IsNil)
<add> links := inspectFieldJSON(c, "testinspectlink", "HostConfig.Links")
<ide>
<del> err = unmarshalJSON([]byte(links), &result)
<add> err := unmarshalJSON([]byte(links), &result)
<ide> c.Assert(err, checker.IsNil)
<ide>
<ide> output := convertSliceOfStringsToMap(result)
<ide> func (s *DockerSuite) TestLinksUpdateOnRestart(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "--name", "two", "--link", "one:onetwo", "--link", "one:one", "busybox", "top")
<ide> id := strings.TrimSpace(string(out))
<ide>
<del> realIP, err := inspectField("one", "NetworkSettings.Networks.bridge.IPAddress")
<del> if err != nil {
<del> c.Fatal(err)
<del> }
<del> c.Assert(err, checker.IsNil)
<add> realIP := inspectField(c, "one", "NetworkSettings.Networks.bridge.IPAddress")
<ide> content, err := readContainerFileWithExec(id, "/etc/hosts")
<ide> c.Assert(err, checker.IsNil)
<ide>
<ide> func (s *DockerSuite) TestLinksUpdateOnRestart(c *check.C) {
<ide> c.Assert(ip, checker.Equals, realIP)
<ide>
<ide> dockerCmd(c, "restart", "one")
<del> realIP, err = inspectField("one", "NetworkSettings.Networks.bridge.IPAddress")
<del> c.Assert(err, checker.IsNil)
<add> realIP = inspectField(c, "one", "NetworkSettings.Networks.bridge.IPAddress")
<ide>
<ide> content, err = readContainerFileWithExec(id, "/etc/hosts")
<ide> c.Assert(err, checker.IsNil, check.Commentf("content: %s", string(content)))
<ide> func (s *DockerSuite) TestLinkShortDefinition(c *check.C) {
<ide> cid2 := strings.TrimSpace(out)
<ide> c.Assert(waitRun(cid2), checker.IsNil)
<ide>
<del> links, err := inspectFieldJSON(cid2, "HostConfig.Links")
<del> c.Assert(err, checker.IsNil)
<add> links := inspectFieldJSON(c, cid2, "HostConfig.Links")
<ide> c.Assert(links, checker.Equals, "[\"/shortlinkdef:/link2/shortlinkdef\"]")
<ide> }
<ide>
<ide><path>integration-cli/docker_cli_nat_test.go
<ide> func getContainerLogs(c *check.C, containerID string) string {
<ide> }
<ide>
<ide> func getContainerStatus(c *check.C, containerID string) string {
<del> out, err := inspectField(containerID, "State.Running")
<del> c.Assert(err, check.IsNil)
<add> out := inspectField(c, containerID, "State.Running")
<ide> return out
<ide> }
<ide>
<ide><path>integration-cli/docker_cli_network_unix_test.go
<ide> func (s *DockerNetworkSuite) TestDockerNetworkMacInspect(c *check.C) {
<ide>
<ide> dockerCmd(c, "run", "-d", "--net", nwn, "--name", ctn, "busybox", "top")
<ide>
<del> mac, err := inspectField(ctn, "NetworkSettings.Networks."+nwn+".MacAddress")
<del> c.Assert(err, checker.IsNil)
<add> mac := inspectField(c, ctn, "NetworkSettings.Networks."+nwn+".MacAddress")
<ide> c.Assert(mac, checker.Equals, "a0:b1:c2:d3:e4:f5")
<ide> }
<ide>
<ide> func (s *DockerNetworkSuite) TestDockerNetworkConnectWithMac(c *check.C) {
<ide> dockerCmd(c, "network", "create", "mynetwork")
<ide> dockerCmd(c, "run", "--name=test", "-d", "--mac-address", macAddress, "busybox", "top")
<ide> c.Assert(waitRun("test"), check.IsNil)
<del> mac1, err := inspectField("test", "NetworkSettings.Networks.bridge.MacAddress")
<del> c.Assert(err, checker.IsNil)
<add> mac1 := inspectField(c, "test", "NetworkSettings.Networks.bridge.MacAddress")
<ide> c.Assert(strings.TrimSpace(mac1), checker.Equals, macAddress)
<ide> dockerCmd(c, "network", "connect", "mynetwork", "test")
<del> mac2, err := inspectField("test", "NetworkSettings.Networks.mynetwork.MacAddress")
<del> c.Assert(err, checker.IsNil)
<add> mac2 := inspectField(c, "test", "NetworkSettings.Networks.mynetwork.MacAddress")
<ide> c.Assert(strings.TrimSpace(mac2), checker.Not(checker.Equals), strings.TrimSpace(mac1))
<ide> }
<ide>
<ide> func (s *DockerNetworkSuite) TestDockerNetworkInspectCreatedContainer(c *check.C) {
<ide> dockerCmd(c, "create", "--name", "test", "busybox")
<del> networks, err := inspectField("test", "NetworkSettings.Networks")
<del> c.Assert(err, checker.IsNil)
<add> networks := inspectField(c, "test", "NetworkSettings.Networks")
<ide> c.Assert(networks, checker.Contains, "bridge", check.Commentf("Should return 'bridge' network"))
<ide> }
<ide>
<ide> func (s *DockerNetworkSuite) TestDockerNetworkRestartWithMultipleNetworks(c *che
<ide> c.Assert(waitRun("foo"), checker.IsNil)
<ide> dockerCmd(c, "network", "connect", "test", "foo")
<ide> dockerCmd(c, "restart", "foo")
<del> networks, err := inspectField("foo", "NetworkSettings.Networks")
<del> c.Assert(err, checker.IsNil)
<add> networks := inspectField(c, "foo", "NetworkSettings.Networks")
<ide> c.Assert(networks, checker.Contains, "bridge", check.Commentf("Should contain 'bridge' network"))
<ide> c.Assert(networks, checker.Contains, "test", check.Commentf("Should contain 'test' network"))
<ide> }
<ide> func (s *DockerNetworkSuite) TestDockerNetworkConnectDisconnectToStoppedContaine
<ide> dockerCmd(c, "network", "create", "test")
<ide> dockerCmd(c, "create", "--name=foo", "busybox", "top")
<ide> dockerCmd(c, "network", "connect", "test", "foo")
<del> networks, err := inspectField("foo", "NetworkSettings.Networks")
<del> c.Assert(err, checker.IsNil)
<add> networks := inspectField(c, "foo", "NetworkSettings.Networks")
<ide> c.Assert(networks, checker.Contains, "test", check.Commentf("Should contain 'test' network"))
<ide>
<ide> // Restart docker daemon to test the config has persisted to disk
<ide> s.d.Restart()
<del> networks, err = inspectField("foo", "NetworkSettings.Networks")
<del> c.Assert(err, checker.IsNil)
<add> networks = inspectField(c, "foo", "NetworkSettings.Networks")
<ide> c.Assert(networks, checker.Contains, "test", check.Commentf("Should contain 'test' network"))
<ide>
<ide> // start the container and test if we can ping it from another container in the same network
<ide> dockerCmd(c, "start", "foo")
<ide> c.Assert(waitRun("foo"), checker.IsNil)
<del> ip, err := inspectField("foo", "NetworkSettings.Networks.test.IPAddress")
<add> ip := inspectField(c, "foo", "NetworkSettings.Networks.test.IPAddress")
<ide> ip = strings.TrimSpace(ip)
<ide> dockerCmd(c, "run", "--net=test", "busybox", "sh", "-c", fmt.Sprintf("ping -c 1 %s", ip))
<ide>
<ide> dockerCmd(c, "stop", "foo")
<ide>
<ide> // Test disconnect
<ide> dockerCmd(c, "network", "disconnect", "test", "foo")
<del> networks, err = inspectField("foo", "NetworkSettings.Networks")
<del> c.Assert(err, checker.IsNil)
<add> networks = inspectField(c, "foo", "NetworkSettings.Networks")
<ide> c.Assert(networks, checker.Not(checker.Contains), "test", check.Commentf("Should not contain 'test' network"))
<ide>
<ide> // Restart docker daemon to test the config has persisted to disk
<ide> s.d.Restart()
<del> networks, err = inspectField("foo", "NetworkSettings.Networks")
<del> c.Assert(err, checker.IsNil)
<add> networks = inspectField(c, "foo", "NetworkSettings.Networks")
<ide> c.Assert(networks, checker.Not(checker.Contains), "test", check.Commentf("Should not contain 'test' network"))
<ide>
<ide> }
<ide> func checkUnsupportedNetworkAndIP(c *check.C, nwMode string) {
<ide> }
<ide>
<ide> func verifyIPAddresses(c *check.C, cName, nwname, ipv4, ipv6 string) {
<del> out, _ := dockerCmd(c, "inspect", fmt.Sprintf("--format='{{ .NetworkSettings.Networks.%s.IPAddress }}'", nwname), cName)
<add> out := inspectField(c, cName, fmt.Sprintf("NetworkSettings.Networks.%s.IPAddress", nwname))
<ide> c.Assert(strings.TrimSpace(out), check.Equals, ipv4)
<ide>
<del> out, _ = dockerCmd(c, "inspect", fmt.Sprintf("--format='{{ .NetworkSettings.Networks.%s.GlobalIPv6Address }}'", nwname), cName)
<add> out = inspectField(c, cName, fmt.Sprintf("NetworkSettings.Networks.%s.GlobalIPv6Address", nwname))
<ide> c.Assert(strings.TrimSpace(out), check.Equals, ipv6)
<ide> }
<ide>
<ide> func (s *DockerNetworkSuite) TestDockerNetworkStartAPIWithHostconfig(c *check.C)
<ide> _, _, err := sockRequest("POST", "/containers/"+conName+"/start", config)
<ide> c.Assert(err, checker.IsNil)
<ide> c.Assert(waitRun(conName), checker.IsNil)
<del> networks, err := inspectField(conName, "NetworkSettings.Networks")
<del> c.Assert(err, checker.IsNil)
<add> networks := inspectField(c, conName, "NetworkSettings.Networks")
<ide> c.Assert(networks, checker.Contains, netName, check.Commentf(fmt.Sprintf("Should contain '%s' network", netName)))
<ide> c.Assert(networks, checker.Not(checker.Contains), "bridge", check.Commentf("Should not contain 'bridge' network"))
<ide> }
<ide> func (s *DockerNetworkSuite) TestDockerNetworkDisconnectDefault(c *check.C) {
<ide>
<ide> dockerCmd(c, "start", containerName)
<ide> c.Assert(waitRun(containerName), checker.IsNil)
<del> networks, err := inspectField(containerName, "NetworkSettings.Networks")
<del> c.Assert(err, checker.IsNil)
<add> networks := inspectField(c, containerName, "NetworkSettings.Networks")
<ide> c.Assert(networks, checker.Contains, netWorkName1, check.Commentf(fmt.Sprintf("Should contain '%s' network", netWorkName1)))
<ide> c.Assert(networks, checker.Contains, netWorkName2, check.Commentf(fmt.Sprintf("Should contain '%s' network", netWorkName2)))
<ide> c.Assert(networks, checker.Not(checker.Contains), "bridge", check.Commentf("Should not contain 'bridge' network"))
<ide> func (s *DockerSuite) TestDockerNetworkConnectFailsNoInspectChange(c *check.C) {
<ide> dockerCmd(c, "run", "-d", "--name=bb", "busybox", "top")
<ide> c.Assert(waitRun("bb"), check.IsNil)
<ide>
<del> ns0, _ := dockerCmd(c, "inspect", "--format='{{ .NetworkSettings.Networks.bridge }}'", "bb")
<add> ns0 := inspectField(c, "bb", "NetworkSettings.Networks.bridge")
<ide>
<ide> // A failing redundant network connect should not alter current container's endpoint settings
<ide> _, _, err := dockerCmdWithError("network", "connect", "bridge", "bb")
<ide> c.Assert(err, check.NotNil)
<ide>
<del> ns1, _ := dockerCmd(c, "inspect", "--format='{{ .NetworkSettings.Networks.bridge }}'", "bb")
<add> ns1 := inspectField(c, "bb", "NetworkSettings.Networks.bridge")
<ide> c.Assert(ns1, check.Equals, ns0)
<ide> }
<ide><path>integration-cli/docker_cli_oom_killed_test.go
<ide> func (s *DockerSuite) TestInspectOomKilledTrue(c *check.C) {
<ide>
<ide> c.Assert(exitCode, checker.Equals, 137, check.Commentf("OOM exit should be 137"))
<ide>
<del> oomKilled, err := inspectField(name, "State.OOMKilled")
<add> oomKilled := inspectField(c, name, "State.OOMKilled")
<ide> c.Assert(oomKilled, checker.Equals, "true")
<del> c.Assert(err, checker.IsNil)
<ide> }
<ide>
<ide> func (s *DockerSuite) TestInspectOomKilledFalse(c *check.C) {
<ide> func (s *DockerSuite) TestInspectOomKilledFalse(c *check.C) {
<ide> name := "testoomkilled"
<ide> dockerCmd(c, "run", "--name", name, "--memory", "32MB", "busybox", "sh", "-c", "echo hello world")
<ide>
<del> oomKilled, err := inspectField(name, "State.OOMKilled")
<add> oomKilled := inspectField(c, name, "State.OOMKilled")
<ide> c.Assert(oomKilled, checker.Equals, "false")
<del> c.Assert(err, checker.IsNil)
<ide> }
<ide><path>integration-cli/docker_cli_ps_test.go
<ide> func (s *DockerSuite) TestPsRightTagName(c *check.C) {
<ide> id2 = strings.TrimSpace(string(out))
<ide>
<ide> var imageID string
<del> out, _ = dockerCmd(c, "inspect", "-f", "{{.Id}}", "busybox")
<add> out = inspectField(c, "busybox", "Id")
<ide> imageID = strings.TrimSpace(string(out))
<ide>
<ide> var id3 string
<ide><path>integration-cli/docker_cli_pull_trusted_test.go
<ide> func (s *DockerTrustSuite) TestTrustedPullDelete(c *check.C) {
<ide> c.Assert(matches, checker.HasLen, 2, check.Commentf("unable to parse digest from pull output: %s", out))
<ide> pullDigest := matches[1]
<ide>
<del> imageID, err := inspectField(repoName, "Id")
<del> c.Assert(err, checker.IsNil, check.Commentf("error inspecting image id"))
<add> imageID := inspectField(c, repoName, "Id")
<ide>
<ide> imageByDigest := repoName + "@" + pullDigest
<del> byDigestID, err := inspectField(imageByDigest, "Id")
<del> c.Assert(err, checker.IsNil, check.Commentf("error inspecting image id"))
<add> byDigestID := inspectField(c, imageByDigest, "Id")
<ide>
<ide> c.Assert(byDigestID, checker.Equals, imageID)
<ide>
<ide> // rmi of tag should also remove the digest reference
<ide> dockerCmd(c, "rmi", repoName)
<ide>
<del> _, err = inspectField(imageByDigest, "Id")
<add> _, err = inspectFieldWithError(imageByDigest, "Id")
<ide> c.Assert(err, checker.NotNil, check.Commentf("digest reference should have been removed"))
<ide>
<del> _, err = inspectField(imageID, "Id")
<add> _, err = inspectFieldWithError(imageID, "Id")
<ide> c.Assert(err, checker.NotNil, check.Commentf("image should have been deleted"))
<ide> }
<ide><path>integration-cli/docker_cli_rename_test.go
<ide> func (s *DockerSuite) TestRenameStoppedContainer(c *check.C) {
<ide> cleanedContainerID := strings.TrimSpace(out)
<ide> dockerCmd(c, "wait", cleanedContainerID)
<ide>
<del> name, err := inspectField(cleanedContainerID, "Name")
<add> name := inspectField(c, cleanedContainerID, "Name")
<ide> newName := "new_name" + stringid.GenerateNonCryptoID()
<ide> dockerCmd(c, "rename", "first_name", newName)
<ide>
<del> name, err = inspectField(cleanedContainerID, "Name")
<del> c.Assert(err, checker.IsNil, check.Commentf("Failed to rename container %s", name))
<add> name = inspectField(c, cleanedContainerID, "Name")
<ide> c.Assert(name, checker.Equals, "/"+newName, check.Commentf("Failed to rename container %s", name))
<ide>
<ide> }
<ide> func (s *DockerSuite) TestRenameRunningContainer(c *check.C) {
<ide> cleanedContainerID := strings.TrimSpace(out)
<ide> dockerCmd(c, "rename", "first_name", newName)
<ide>
<del> name, err := inspectField(cleanedContainerID, "Name")
<del> c.Assert(err, checker.IsNil, check.Commentf("Failed to rename container %s", name))
<add> name := inspectField(c, cleanedContainerID, "Name")
<ide> c.Assert(name, checker.Equals, "/"+newName, check.Commentf("Failed to rename container %s", name))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRenameRunningContainerAndReuse(c *check.C) {
<ide> ContainerID := strings.TrimSpace(out)
<ide> dockerCmd(c, "rename", "first_name", newName)
<ide>
<del> name, err := inspectField(ContainerID, "Name")
<del> c.Assert(err, checker.IsNil, check.Commentf("Failed to rename container %s", name))
<add> name := inspectField(c, ContainerID, "Name")
<ide> c.Assert(name, checker.Equals, "/"+newName, check.Commentf("Failed to rename container"))
<ide>
<ide> out, _ = runSleepingContainer(c, "--name", "first_name")
<ide> c.Assert(waitRun("first_name"), check.IsNil)
<ide> newContainerID := strings.TrimSpace(out)
<del> name, err = inspectField(newContainerID, "Name")
<del> c.Assert(err, checker.IsNil, check.Commentf("Failed to reuse container name"))
<add> name = inspectField(c, newContainerID, "Name")
<ide> c.Assert(name, checker.Equals, "/first_name", check.Commentf("Failed to reuse container name"))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRenameCheckNames(c *check.C) {
<ide> newName := "new_name" + stringid.GenerateNonCryptoID()
<ide> dockerCmd(c, "rename", "first_name", newName)
<ide>
<del> name, err := inspectField(newName, "Name")
<del> c.Assert(err, checker.IsNil, check.Commentf("Failed to rename container %s", name))
<add> name := inspectField(c, newName, "Name")
<ide> c.Assert(name, checker.Equals, "/"+newName, check.Commentf("Failed to rename container %s", name))
<ide>
<del> name, err = inspectField("first_name", "Name")
<add> name, err := inspectFieldWithError("first_name", "Name")
<ide> c.Assert(err, checker.NotNil, check.Commentf(name))
<ide> c.Assert(err.Error(), checker.Contains, "No such image or container: first_name")
<ide> }
<ide><path>integration-cli/docker_cli_restart_test.go
<ide> func (s *DockerSuite) TestRestartWithVolumes(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "-v", "/test", "busybox", "top")
<ide>
<ide> cleanedContainerID := strings.TrimSpace(out)
<del> out, _ = dockerCmd(c, "inspect", "--format", "{{ len .Mounts }}", cleanedContainerID)
<add> out, err := inspectFilter(cleanedContainerID, "len .Mounts")
<add> c.Assert(err, check.IsNil, check.Commentf("failed to inspect %s: %s", cleanedContainerID, out))
<ide> out = strings.Trim(out, " \n\r")
<ide> c.Assert(out, checker.Equals, "1")
<ide>
<ide> func (s *DockerSuite) TestRestartWithVolumes(c *check.C) {
<ide>
<ide> dockerCmd(c, "restart", cleanedContainerID)
<ide>
<del> out, _ = dockerCmd(c, "inspect", "--format", "{{ len .Mounts }}", cleanedContainerID)
<add> out, err = inspectFilter(cleanedContainerID, "len .Mounts")
<add> c.Assert(err, check.IsNil, check.Commentf("failed to inspect %s: %s", cleanedContainerID, out))
<ide> out = strings.Trim(out, " \n\r")
<ide> c.Assert(out, checker.Equals, "1")
<ide>
<ide> func (s *DockerSuite) TestRestartPolicyNO(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "--restart=no", "busybox", "false")
<ide>
<ide> id := strings.TrimSpace(string(out))
<del> name, err := inspectField(id, "HostConfig.RestartPolicy.Name")
<del> c.Assert(err, checker.IsNil)
<add> name := inspectField(c, id, "HostConfig.RestartPolicy.Name")
<ide> c.Assert(name, checker.Equals, "no")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRestartPolicyAlways(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "--restart=always", "busybox", "false")
<ide>
<ide> id := strings.TrimSpace(string(out))
<del> name, err := inspectField(id, "HostConfig.RestartPolicy.Name")
<del> c.Assert(err, checker.IsNil)
<add> name := inspectField(c, id, "HostConfig.RestartPolicy.Name")
<ide> c.Assert(name, checker.Equals, "always")
<ide>
<del> MaximumRetryCount, err := inspectField(id, "HostConfig.RestartPolicy.MaximumRetryCount")
<del> c.Assert(err, checker.IsNil)
<add> MaximumRetryCount := inspectField(c, id, "HostConfig.RestartPolicy.MaximumRetryCount")
<ide>
<ide> // MaximumRetryCount=0 if the restart policy is always
<ide> c.Assert(MaximumRetryCount, checker.Equals, "0")
<ide> func (s *DockerSuite) TestRestartPolicyOnFailure(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "--restart=on-failure:1", "busybox", "false")
<ide>
<ide> id := strings.TrimSpace(string(out))
<del> name, err := inspectField(id, "HostConfig.RestartPolicy.Name")
<del> c.Assert(err, checker.IsNil)
<add> name := inspectField(c, id, "HostConfig.RestartPolicy.Name")
<ide> c.Assert(name, checker.Equals, "on-failure")
<ide>
<ide> }
<ide> func (s *DockerSuite) TestContainerRestartwithGoodContainer(c *check.C) {
<ide> err := waitInspect(id, "{{ .State.Restarting }} {{ .State.Running }}", "false false", 5*time.Second)
<ide> c.Assert(err, checker.IsNil)
<ide>
<del> count, err := inspectField(id, "RestartCount")
<del> c.Assert(err, checker.IsNil)
<add> count := inspectField(c, id, "RestartCount")
<ide> c.Assert(count, checker.Equals, "0")
<ide>
<del> MaximumRetryCount, err := inspectField(id, "HostConfig.RestartPolicy.MaximumRetryCount")
<del> c.Assert(err, checker.IsNil)
<add> MaximumRetryCount := inspectField(c, id, "HostConfig.RestartPolicy.MaximumRetryCount")
<ide> c.Assert(MaximumRetryCount, checker.Equals, "3")
<ide>
<ide> }
<ide> func (s *DockerSuite) TestContainerRestartSuccess(c *check.C) {
<ide> id := strings.TrimSpace(out)
<ide> c.Assert(waitRun(id), check.IsNil)
<ide>
<del> pidStr, err := inspectField(id, "State.Pid")
<del> c.Assert(err, check.IsNil)
<add> pidStr := inspectField(c, id, "State.Pid")
<ide>
<ide> pid, err := strconv.Atoi(pidStr)
<ide> c.Assert(err, check.IsNil)
<ide> func (s *DockerSuite) TestUserDefinedNetworkWithRestartPolicy(c *check.C) {
<ide> c.Assert(err, check.IsNil)
<ide>
<ide> // Now kill the second container and let the restart policy kick in
<del> pidStr, err := inspectField("second", "State.Pid")
<del> c.Assert(err, check.IsNil)
<add> pidStr := inspectField(c, "second", "State.Pid")
<ide>
<ide> pid, err := strconv.Atoi(pidStr)
<ide> c.Assert(err, check.IsNil)
<ide><path>integration-cli/docker_cli_rmi_test.go
<ide> func (s *DockerSuite) TestRmiImgIDMultipleTag(c *check.C) {
<ide> // tag busybox to create 2 more images with same imageID
<ide> c.Assert(strings.Count(imagesAfter, "\n"), checker.Equals, strings.Count(imagesBefore, "\n")+2, check.Commentf("docker images shows: %q\n", imagesAfter))
<ide>
<del> imgID, err := inspectField("busybox-one:tag1", "Id")
<del> c.Assert(err, checker.IsNil)
<add> imgID := inspectField(c, "busybox-one:tag1", "Id")
<ide>
<ide> // run a container with the image
<ide> out, _ = runSleepingContainerInImage(c, "busybox-one")
<ide>
<ide> containerID = strings.TrimSpace(out)
<ide>
<ide> // first checkout without force it fails
<del> out, _, err = dockerCmdWithError("rmi", imgID)
<add> out, _, err := dockerCmdWithError("rmi", imgID)
<ide> expected := fmt.Sprintf("conflict: unable to delete %s (cannot be forced) - image is being used by running container %s", stringid.TruncateID(imgID), stringid.TruncateID(containerID))
<ide> // rmi tagged in multiple repos should have failed without force
<ide> c.Assert(err, checker.NotNil)
<ide> func (s *DockerSuite) TestRmiImgIDForce(c *check.C) {
<ide> imagesAfter, _ := dockerCmd(c, "images", "-a")
<ide> c.Assert(strings.Count(imagesAfter, "\n"), checker.Equals, strings.Count(imagesBefore, "\n")+4, check.Commentf("before: %q\n\nafter: %q\n", imagesBefore, imagesAfter))
<ide> }
<del> imgID, err := inspectField("busybox-test", "Id")
<del> c.Assert(err, checker.IsNil)
<add> imgID := inspectField(c, "busybox-test", "Id")
<ide>
<ide> // first checkout without force it fails
<del> out, _, err = dockerCmdWithError("rmi", imgID)
<add> out, _, err := dockerCmdWithError("rmi", imgID)
<ide> // rmi tagged in multiple repos should have failed without force
<ide> c.Assert(err, checker.NotNil)
<ide> // rmi tagged in multiple repos should have failed without force
<ide> RUN echo 2 #layer2
<ide> }
<ide>
<ide> func (*DockerSuite) TestRmiParentImageFail(c *check.C) {
<del> parent, err := inspectField("busybox", "Parent")
<del> c.Assert(err, check.IsNil)
<add> parent := inspectField(c, "busybox", "Parent")
<ide> out, _, err := dockerCmdWithError("rmi", parent)
<ide> c.Assert(err, check.NotNil)
<ide> if !strings.Contains(out, "image has dependent child images") {
<ide> func (s *DockerSuite) TestRmiByIDHardConflict(c *check.C) {
<ide> testRequires(c, DaemonIsLinux)
<ide> dockerCmd(c, "create", "busybox")
<ide>
<del> imgID, err := inspectField("busybox:latest", "Id")
<del> c.Assert(err, checker.IsNil)
<add> imgID := inspectField(c, "busybox:latest", "Id")
<ide>
<del> _, _, err = dockerCmdWithError("rmi", imgID[:12])
<add> _, _, err := dockerCmdWithError("rmi", imgID[:12])
<ide> c.Assert(err, checker.NotNil)
<ide>
<ide> // check that tag was not removed
<del> imgID2, err := inspectField("busybox:latest", "Id")
<del> c.Assert(err, checker.IsNil)
<add> imgID2 := inspectField(c, "busybox:latest", "Id")
<ide> c.Assert(imgID, checker.Equals, imgID2)
<ide> }
<ide><path>integration-cli/docker_cli_run_test.go
<ide> func (s *DockerSuite) TestRunLinksContainerWithContainerName(c *check.C) {
<ide> testRequires(c, DaemonIsLinux)
<ide> dockerCmd(c, "run", "-i", "-t", "-d", "--name", "parent", "busybox")
<ide>
<del> ip, err := inspectField("parent", "NetworkSettings.Networks.bridge.IPAddress")
<del> c.Assert(err, check.IsNil)
<add> ip := inspectField(c, "parent", "NetworkSettings.Networks.bridge.IPAddress")
<ide>
<ide> out, _ := dockerCmd(c, "run", "--link", "parent:test", "busybox", "/bin/cat", "/etc/hosts")
<ide> if !strings.Contains(out, ip+" test") {
<ide> func (s *DockerSuite) TestRunLinksContainerWithContainerId(c *check.C) {
<ide> cID, _ := dockerCmd(c, "run", "-i", "-t", "-d", "busybox")
<ide>
<ide> cID = strings.TrimSpace(cID)
<del> ip, err := inspectField(cID, "NetworkSettings.Networks.bridge.IPAddress")
<del> c.Assert(err, check.IsNil)
<add> ip := inspectField(c, cID, "NetworkSettings.Networks.bridge.IPAddress")
<ide>
<ide> out, _ := dockerCmd(c, "run", "--link", cID+":test", "busybox", "/bin/cat", "/etc/hosts")
<ide> if !strings.Contains(out, ip+" test") {
<ide> func (s *DockerSuite) TestRunCreateVolumeWithSymlink(c *check.C) {
<ide> }
<ide>
<ide> volPath, err := inspectMountSourceField("test-createvolumewithsymlink", "/bar/foo")
<del> if err != nil {
<del> c.Fatalf("[inspect] err: %v", err)
<del> }
<add> c.Assert(err, checker.IsNil)
<ide>
<ide> _, exitCode, err = dockerCmdWithError("rm", "-v", "test-createvolumewithsymlink")
<ide> if err != nil || exitCode != 0 {
<ide> func (s *DockerSuite) TestRunState(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "busybox", "top")
<ide>
<ide> id := strings.TrimSpace(out)
<del> state, err := inspectField(id, "State.Running")
<del> c.Assert(err, check.IsNil)
<add> state := inspectField(c, id, "State.Running")
<ide> if state != "true" {
<ide> c.Fatal("Container state is 'not running'")
<ide> }
<del> pid1, err := inspectField(id, "State.Pid")
<del> c.Assert(err, check.IsNil)
<add> pid1 := inspectField(c, id, "State.Pid")
<ide> if pid1 == "0" {
<ide> c.Fatal("Container state Pid 0")
<ide> }
<ide>
<ide> dockerCmd(c, "stop", id)
<del> state, err = inspectField(id, "State.Running")
<del> c.Assert(err, check.IsNil)
<add> state = inspectField(c, id, "State.Running")
<ide> if state != "false" {
<ide> c.Fatal("Container state is 'running'")
<ide> }
<del> pid2, err := inspectField(id, "State.Pid")
<del> c.Assert(err, check.IsNil)
<add> pid2 := inspectField(c, id, "State.Pid")
<ide> if pid2 == pid1 {
<ide> c.Fatalf("Container state Pid %s, but expected %s", pid2, pid1)
<ide> }
<ide>
<ide> dockerCmd(c, "start", id)
<del> state, err = inspectField(id, "State.Running")
<del> c.Assert(err, check.IsNil)
<add> state = inspectField(c, id, "State.Running")
<ide> if state != "true" {
<ide> c.Fatal("Container state is 'not running'")
<ide> }
<del> pid3, err := inspectField(id, "State.Pid")
<del> c.Assert(err, check.IsNil)
<add> pid3 := inspectField(c, id, "State.Pid")
<ide> if pid3 == pid1 {
<ide> c.Fatalf("Container state Pid %s, but expected %s", pid2, pid1)
<ide> }
<ide> func (s *DockerSuite) TestRunExitOnStdinClose(c *check.C) {
<ide> case <-time.After(time.Duration(delay) * time.Second):
<ide> c.Fatal("docker run failed to exit on stdin close")
<ide> }
<del> state, err := inspectField(name, "State.Running")
<del> c.Assert(err, check.IsNil)
<add> state := inspectField(c, name, "State.Running")
<ide>
<ide> if state != "false" {
<ide> c.Fatal("Container must be stopped after stdin closing")
<ide> func (s *DockerSuite) TestRunInspectMacAddress(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "--mac-address="+mac, "busybox", "top")
<ide>
<ide> id := strings.TrimSpace(out)
<del> inspectedMac, err := inspectField(id, "NetworkSettings.Networks.bridge.MacAddress")
<del> c.Assert(err, check.IsNil)
<add> inspectedMac := inspectField(c, id, "NetworkSettings.Networks.bridge.MacAddress")
<ide> if inspectedMac != mac {
<ide> c.Fatalf("docker inspect outputs wrong MAC address: %q, should be: %q", inspectedMac, mac)
<ide> }
<ide> func (s *DockerSuite) TestRunDeallocatePortOnMissingIptablesRule(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "-p", "23:23", "busybox", "top")
<ide>
<ide> id := strings.TrimSpace(out)
<del> ip, err := inspectField(id, "NetworkSettings.Networks.bridge.IPAddress")
<del> c.Assert(err, check.IsNil)
<add> ip := inspectField(c, id, "NetworkSettings.Networks.bridge.IPAddress")
<ide> iptCmd := exec.Command("iptables", "-D", "DOCKER", "-d", fmt.Sprintf("%s/32", ip),
<ide> "!", "-i", "docker0", "-o", "docker0", "-p", "tcp", "-m", "tcp", "--dport", "23", "-j", "ACCEPT")
<del> out, _, err = runCommandWithOutput(iptCmd)
<add> out, _, err := runCommandWithOutput(iptCmd)
<ide> if err != nil {
<ide> c.Fatal(err, out)
<ide> }
<ide> func (s *DockerSuite) TestRunAllowPortRangeThroughExpose(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "--expose", "3000-3003", "-P", "busybox", "top")
<ide>
<ide> id := strings.TrimSpace(out)
<del> portstr, err := inspectFieldJSON(id, "NetworkSettings.Ports")
<del> c.Assert(err, check.IsNil)
<add> portstr := inspectFieldJSON(c, id, "NetworkSettings.Ports")
<ide> var ports nat.PortMap
<del> if err = unmarshalJSON([]byte(portstr), &ports); err != nil {
<add> if err := unmarshalJSON([]byte(portstr), &ports); err != nil {
<ide> c.Fatal(err)
<ide> }
<ide> for port, binding := range ports {
<ide> func (s *DockerSuite) TestRunUnknownCommand(c *check.C) {
<ide> c.Assert(err, check.NotNil)
<ide> }
<ide>
<del> rc, err := inspectField(cID, "State.ExitCode")
<del> c.Assert(err, check.IsNil)
<add> rc := inspectField(c, cID, "State.ExitCode")
<ide> if rc == "0" {
<ide> c.Fatalf("ExitCode(%v) cannot be 0", rc)
<ide> }
<ide> func (s *DockerSuite) TestRunModeIpcContainer(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "busybox", "sh", "-c", "echo -n test > /dev/shm/test && top")
<ide>
<ide> id := strings.TrimSpace(out)
<del> state, err := inspectField(id, "State.Running")
<del> c.Assert(err, check.IsNil)
<add> state := inspectField(c, id, "State.Running")
<ide> if state != "true" {
<ide> c.Fatal("Container state is 'not running'")
<ide> }
<del> pid1, err := inspectField(id, "State.Pid")
<del> c.Assert(err, check.IsNil)
<add> pid1 := inspectField(c, id, "State.Pid")
<ide>
<ide> parentContainerIpc, err := os.Readlink(fmt.Sprintf("/proc/%s/ns/ipc", pid1))
<ide> if err != nil {
<ide> func (s *DockerSuite) TestRunMountShmMqueueFromHost(c *check.C) {
<ide>
<ide> dockerCmd(c, "run", "-d", "--name", "shmfromhost", "-v", "/dev/shm:/dev/shm", "busybox", "sh", "-c", "echo -n test > /dev/shm/test && top")
<ide> volPath, err := inspectMountSourceField("shmfromhost", "/dev/shm")
<del> c.Assert(err, check.IsNil)
<add> c.Assert(err, checker.IsNil)
<ide> if volPath != "/dev/shm" {
<ide> c.Fatalf("volumePath should have been /dev/shm, was %s", volPath)
<ide> }
<ide> func (s *DockerSuite) TestContainerNetworkMode(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "busybox", "top")
<ide> id := strings.TrimSpace(out)
<ide> c.Assert(waitRun(id), check.IsNil)
<del> pid1, err := inspectField(id, "State.Pid")
<del> c.Assert(err, check.IsNil)
<add> pid1 := inspectField(c, id, "State.Pid")
<ide>
<ide> parentContainerNet, err := os.Readlink(fmt.Sprintf("/proc/%s/ns/net", pid1))
<ide> if err != nil {
<ide> func (s *DockerSuite) TestRunAllowPortRangeThroughPublish(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "--expose", "3000-3003", "-p", "3000-3003", "busybox", "top")
<ide>
<ide> id := strings.TrimSpace(out)
<del> portstr, err := inspectFieldJSON(id, "NetworkSettings.Ports")
<del> c.Assert(err, check.IsNil)
<add> portstr := inspectFieldJSON(c, id, "NetworkSettings.Ports")
<ide>
<ide> var ports nat.PortMap
<del> err = unmarshalJSON([]byte(portstr), &ports)
<add> err := unmarshalJSON([]byte(portstr), &ports)
<add> c.Assert(err, checker.IsNil, check.Commentf("failed to unmarshal: %v", portstr))
<ide> for port, binding := range ports {
<ide> portnum, _ := strconv.Atoi(strings.Split(string(port), "/")[0])
<ide> if portnum < 3000 || portnum > 3003 {
<ide> func (s *DockerSuite) TestRunAllowPortRangeThroughPublish(c *check.C) {
<ide>
<ide> func (s *DockerSuite) TestRunSetDefaultRestartPolicy(c *check.C) {
<ide> dockerCmd(c, "run", "-d", "--name", "test", "busybox", "sleep", "30")
<del> out, err := inspectField("test", "HostConfig.RestartPolicy.Name")
<del> c.Assert(err, check.IsNil)
<add> out := inspectField(c, "test", "HostConfig.RestartPolicy.Name")
<ide> if out != "no" {
<ide> c.Fatalf("Set default restart policy failed")
<ide> }
<ide> func (s *DockerSuite) TestRunRestartMaxRetries(c *check.C) {
<ide> c.Fatal(err)
<ide> }
<ide>
<del> count, err := inspectField(id, "RestartCount")
<del> c.Assert(err, check.IsNil)
<add> count := inspectField(c, id, "RestartCount")
<ide> if count != "3" {
<ide> c.Fatalf("Container was restarted %s times, expected %d", count, 3)
<ide> }
<ide>
<del> MaximumRetryCount, err := inspectField(id, "HostConfig.RestartPolicy.MaximumRetryCount")
<del> c.Assert(err, check.IsNil)
<add> MaximumRetryCount := inspectField(c, id, "HostConfig.RestartPolicy.MaximumRetryCount")
<ide> if MaximumRetryCount != "3" {
<ide> c.Fatalf("Container Maximum Retry Count is %s, expected %s", MaximumRetryCount, "3")
<ide> }
<ide> func (s *DockerSuite) TestVolumeFromMixedRWOptions(c *check.C) {
<ide>
<ide> if daemonPlatform != "windows" {
<ide> mRO, err := inspectMountPoint("test-volumes-1", prefix+slash+"test")
<del> c.Assert(err, check.IsNil)
<add> c.Assert(err, checker.IsNil, check.Commentf("failed to inspect mount point"))
<ide> if mRO.RW {
<ide> c.Fatalf("Expected RO volume was RW")
<ide> }
<ide> }
<ide>
<ide> mRW, err := inspectMountPoint("test-volumes-2", prefix+slash+"test")
<del> c.Assert(err, check.IsNil)
<add> c.Assert(err, checker.IsNil, check.Commentf("failed to inspect mount point"))
<ide> if !mRW.RW {
<ide> c.Fatalf("Expected RW volume was RO")
<ide> }
<ide> func (s *DockerSuite) TestPtraceContainerProcsFromHost(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "-d", "busybox", "top")
<ide> id := strings.TrimSpace(out)
<ide> c.Assert(waitRun(id), check.IsNil)
<del> pid1, err := inspectField(id, "State.Pid")
<del> c.Assert(err, check.IsNil)
<add> pid1 := inspectField(c, id, "State.Pid")
<ide>
<del> _, err = os.Readlink(fmt.Sprintf("/proc/%s/ns/net", pid1))
<add> _, err := os.Readlink(fmt.Sprintf("/proc/%s/ns/net", pid1))
<ide> if err != nil {
<ide> c.Fatal(err)
<ide> }
<ide> func (s *DockerSuite) TestRunCreateContainerFailedCleanUp(c *check.C) {
<ide> _, _, err := dockerCmdWithError("run", "--name", name, "--link", "nothing:nothing", "busybox")
<ide> c.Assert(err, check.NotNil, check.Commentf("Expected docker run to fail!"))
<ide>
<del> containerID, err := inspectField(name, "Id")
<add> containerID, err := inspectFieldWithError(name, "Id")
<add> c.Assert(err, checker.NotNil, check.Commentf("Expected not to have this container: %s!", containerID))
<ide> c.Assert(containerID, check.Equals, "", check.Commentf("Expected not to have this container: %s!", containerID))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunNetworkNotInitializedNoneMode(c *check.C) {
<ide> testRequires(c, DaemonIsLinux)
<ide> out, _ := dockerCmd(c, "run", "-d", "--net=none", "busybox", "top")
<ide> id := strings.TrimSpace(out)
<del> res, err := inspectField(id, "NetworkSettings.Networks.none.IPAddress")
<del> c.Assert(err, check.IsNil)
<add> res := inspectField(c, id, "NetworkSettings.Networks.none.IPAddress")
<ide> if res != "" {
<ide> c.Fatalf("For 'none' mode network must not be initialized, but container got IP: %s", res)
<ide> }
<ide><path>integration-cli/docker_cli_run_unix_test.go
<ide> func (s *DockerSuite) TestRunAttachDetach(c *check.C) {
<ide> c.Fatal("timed out waiting for container to exit")
<ide> }
<ide>
<del> running, err := inspectField(name, "State.Running")
<del> c.Assert(err, checker.IsNil)
<add> running := inspectField(c, name, "State.Running")
<ide> c.Assert(running, checker.Equals, "true", check.Commentf("expected container to still be running"))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunAttachDetachFromFlag(c *check.C) {
<ide> c.Fatal("timed out waiting for container to exit")
<ide> }
<ide>
<del> running, err := inspectField(name, "State.Running")
<del> c.Assert(err, checker.IsNil)
<add> running := inspectField(c, name, "State.Running")
<ide> c.Assert(running, checker.Equals, "true", check.Commentf("expected container to still be running"))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunAttachDetachFromConfig(c *check.C) {
<ide> c.Fatal("timed out waiting for container to exit")
<ide> }
<ide>
<del> running, err := inspectField(name, "State.Running")
<del> c.Assert(err, checker.IsNil)
<add> running := inspectField(c, name, "State.Running")
<ide> c.Assert(running, checker.Equals, "true", check.Commentf("expected container to still be running"))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunAttachDetachKeysOverrideConfig(c *check.C) {
<ide> c.Fatal("timed out waiting for container to exit")
<ide> }
<ide>
<del> running, err := inspectField(name, "State.Running")
<del> c.Assert(err, checker.IsNil)
<add> running := inspectField(c, name, "State.Running")
<ide> c.Assert(running, checker.Equals, "true", check.Commentf("expected container to still be running"))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunWithCPUQuota(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "--cpu-quota", "8000", "--name", "test", "busybox", "cat", file)
<ide> c.Assert(strings.TrimSpace(out), checker.Equals, "8000")
<ide>
<del> out, err := inspectField("test", "HostConfig.CpuQuota")
<del> c.Assert(err, check.IsNil)
<add> out = inspectField(c, "test", "HostConfig.CpuQuota")
<ide> c.Assert(out, checker.Equals, "8000", check.Commentf("setting the CPU CFS quota failed"))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunWithCpuPeriod(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "--cpu-period", "50000", "--name", "test", "busybox", "cat", file)
<ide> c.Assert(strings.TrimSpace(out), checker.Equals, "50000")
<ide>
<del> out, err := inspectField("test", "HostConfig.CpuPeriod")
<del> c.Assert(err, check.IsNil)
<add> out = inspectField(c, "test", "HostConfig.CpuPeriod")
<ide> c.Assert(out, checker.Equals, "50000", check.Commentf("setting the CPU CFS period failed"))
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunWithKernelMemory(c *check.C) {
<ide> stdout, _, _ := dockerCmdWithStdoutStderr(c, "run", "--kernel-memory", "50M", "--name", "test1", "busybox", "cat", file)
<ide> c.Assert(strings.TrimSpace(stdout), checker.Equals, "52428800")
<ide>
<del> out, err := inspectField("test1", "HostConfig.KernelMemory")
<del> c.Assert(err, check.IsNil)
<add> out := inspectField(c, "test1", "HostConfig.KernelMemory")
<ide> c.Assert(out, check.Equals, "52428800")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunWithCPUShares(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "--cpu-shares", "1000", "--name", "test", "busybox", "cat", file)
<ide> c.Assert(strings.TrimSpace(out), checker.Equals, "1000")
<ide>
<del> out, err := inspectField("test", "HostConfig.CPUShares")
<del> c.Assert(err, check.IsNil)
<add> out = inspectField(c, "test", "HostConfig.CPUShares")
<ide> c.Assert(out, check.Equals, "1000")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunWithCpusetCpus(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "--cpuset-cpus", "0", "--name", "test", "busybox", "cat", file)
<ide> c.Assert(strings.TrimSpace(out), checker.Equals, "0")
<ide>
<del> out, err := inspectField("test", "HostConfig.CpusetCpus")
<del> c.Assert(err, check.IsNil)
<add> out = inspectField(c, "test", "HostConfig.CpusetCpus")
<ide> c.Assert(out, check.Equals, "0")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunWithCpusetMems(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "--cpuset-mems", "0", "--name", "test", "busybox", "cat", file)
<ide> c.Assert(strings.TrimSpace(out), checker.Equals, "0")
<ide>
<del> out, err := inspectField("test", "HostConfig.CpusetMems")
<del> c.Assert(err, check.IsNil)
<add> out = inspectField(c, "test", "HostConfig.CpusetMems")
<ide> c.Assert(out, check.Equals, "0")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunWithBlkioWeight(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "--blkio-weight", "300", "--name", "test", "busybox", "cat", file)
<ide> c.Assert(strings.TrimSpace(out), checker.Equals, "300")
<ide>
<del> out, err := inspectField("test", "HostConfig.BlkioWeight")
<del> c.Assert(err, check.IsNil)
<add> out = inspectField(c, "test", "HostConfig.BlkioWeight")
<ide> c.Assert(out, check.Equals, "300")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunWithMemoryLimit(c *check.C) {
<ide> stdout, _, _ := dockerCmdWithStdoutStderr(c, "run", "-m", "32M", "--name", "test", "busybox", "cat", file)
<ide> c.Assert(strings.TrimSpace(stdout), checker.Equals, "33554432")
<ide>
<del> out, err := inspectField("test", "HostConfig.Memory")
<del> c.Assert(err, check.IsNil)
<add> out := inspectField(c, "test", "HostConfig.Memory")
<ide> c.Assert(out, check.Equals, "33554432")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunWithSwappiness(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "--memory-swappiness", "0", "--name", "test", "busybox", "cat", file)
<ide> c.Assert(strings.TrimSpace(out), checker.Equals, "0")
<ide>
<del> out, err := inspectField("test", "HostConfig.MemorySwappiness")
<del> c.Assert(err, check.IsNil)
<add> out = inspectField(c, "test", "HostConfig.MemorySwappiness")
<ide> c.Assert(out, check.Equals, "0")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunWithMemoryReservation(c *check.C) {
<ide> out, _ := dockerCmd(c, "run", "--memory-reservation", "200M", "--name", "test", "busybox", "cat", file)
<ide> c.Assert(strings.TrimSpace(out), checker.Equals, "209715200")
<ide>
<del> out, err := inspectField("test", "HostConfig.MemoryReservation")
<del> c.Assert(err, check.IsNil)
<add> out = inspectField(c, "test", "HostConfig.MemoryReservation")
<ide> c.Assert(out, check.Equals, "209715200")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunWithDefaultShmSize(c *check.C) {
<ide> if !shmRegex.MatchString(out) {
<ide> c.Fatalf("Expected shm of 64MB in mount command, got %v", out)
<ide> }
<del> shmSize, err := inspectField(name, "HostConfig.ShmSize")
<del> c.Assert(err, check.IsNil)
<add> shmSize := inspectField(c, name, "HostConfig.ShmSize")
<ide> c.Assert(shmSize, check.Equals, "67108864")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestRunWithShmSize(c *check.C) {
<ide> if !shmRegex.MatchString(out) {
<ide> c.Fatalf("Expected shm of 1GB in mount command, got %v", out)
<ide> }
<del> shmSize, err := inspectField(name, "HostConfig.ShmSize")
<del> c.Assert(err, check.IsNil)
<add> shmSize := inspectField(c, name, "HostConfig.ShmSize")
<ide> c.Assert(shmSize, check.Equals, "1073741824")
<ide> }
<ide>
<ide><path>integration-cli/docker_cli_save_load_test.go
<ide> func (s *DockerSuite) TestSaveRepoWithMultipleImages(c *check.C) {
<ide> }
<ide>
<ide> // make the list of expected layers
<del> out, _ = dockerCmd(c, "inspect", "-f", "{{.Id}}", "busybox:latest")
<add> out = inspectField(c, "busybox:latest", "Id")
<ide> expected := []string{strings.TrimSpace(out), idFoo, idBar}
<ide>
<ide> // prefixes are not in tar
<ide><path>integration-cli/docker_cli_save_load_unix_test.go
<ide> import (
<ide> "io/ioutil"
<ide> "os"
<ide> "os/exec"
<add> "strings"
<ide>
<ide> "github.com/docker/docker/pkg/integration/checker"
<ide> "github.com/go-check/check"
<ide> func (s *DockerSuite) TestSaveAndLoadRepoStdout(c *check.C) {
<ide>
<ide> repoName := "foobar-save-load-test"
<ide> before, _ := dockerCmd(c, "commit", name, repoName)
<add> before = strings.TrimRight(before, "\n")
<ide>
<ide> tmpFile, err := ioutil.TempFile("", "foobar-save-load-test.tar")
<ide> c.Assert(err, check.IsNil)
<ide> func (s *DockerSuite) TestSaveAndLoadRepoStdout(c *check.C) {
<ide> out, _, err := runCommandWithOutput(loadCmd)
<ide> c.Assert(err, check.IsNil, check.Commentf(out))
<ide>
<del> after, _ := dockerCmd(c, "inspect", "-f", "{{.Id}}", repoName)
<add> after := inspectField(c, repoName, "Id")
<add> after = strings.TrimRight(after, "\n")
<ide>
<del> c.Assert(before, check.Equals, after) //inspect is not the same after a save / load
<add> c.Assert(after, check.Equals, before) //inspect is not the same after a save / load
<ide>
<ide> deleteImages(repoName)
<ide>
<ide><path>integration-cli/docker_cli_start_test.go
<ide> func (s *DockerSuite) TestStartRecordError(c *check.C) {
<ide> testRequires(c, DaemonIsLinux)
<ide> // when container runs successfully, we should not have state.Error
<ide> dockerCmd(c, "run", "-d", "-p", "9999:9999", "--name", "test", "busybox", "top")
<del> stateErr, err := inspectField("test", "State.Error")
<del> c.Assert(err, checker.IsNil, check.Commentf("stateErr: %s", stateErr))
<add> stateErr := inspectField(c, "test", "State.Error")
<ide> // Expected to not have state error
<ide> c.Assert(stateErr, checker.Equals, "")
<ide>
<ide> func (s *DockerSuite) TestStartRecordError(c *check.C) {
<ide> // err shouldn't be nil because docker run will fail
<ide> c.Assert(err, checker.NotNil, check.Commentf("out: %s", out))
<ide>
<del> stateErr, err = inspectField("test2", "State.Error")
<del> c.Assert(err, check.IsNil, check.Commentf("stateErr: %s", stateErr))
<add> stateErr = inspectField(c, "test2", "State.Error")
<ide> c.Assert(stateErr, checker.Contains, "port is already allocated")
<ide>
<ide> // Expect the conflict to be resolved when we stop the initial container
<ide> dockerCmd(c, "stop", "test")
<ide> dockerCmd(c, "start", "test2")
<del> stateErr, err = inspectField("test2", "State.Error")
<del> c.Assert(err, check.IsNil, check.Commentf("stateErr: %s", stateErr))
<add> stateErr = inspectField(c, "test2", "State.Error")
<ide> // Expected to not have state error but got one
<ide> c.Assert(stateErr, checker.Equals, "")
<ide> }
<ide> func (s *DockerSuite) TestStartMultipleContainers(c *check.C) {
<ide> // stop 'parent' container
<ide> dockerCmd(c, "stop", "parent")
<ide>
<del> out, err := inspectField("parent", "State.Running")
<del> c.Assert(err, check.IsNil, check.Commentf("out: %s", out))
<add> out := inspectField(c, "parent", "State.Running")
<ide> // Container should be stopped
<ide> c.Assert(out, checker.Equals, "false")
<ide>
<ide> // start all the three containers, container `child_first` start first which should be failed
<ide> // container 'parent' start second and then start container 'child_second'
<ide> expOut := "Cannot link to a non running container"
<ide> expErr := "failed to start containers: [child_first]"
<del> out, _, err = dockerCmdWithError("start", "child_first", "parent", "child_second")
<add> out, _, err := dockerCmdWithError("start", "child_first", "parent", "child_second")
<ide> // err shouldn't be nil because start will fail
<ide> c.Assert(err, checker.NotNil, check.Commentf("out: %s", out))
<ide> // output does not correspond to what was expected
<ide> func (s *DockerSuite) TestStartMultipleContainers(c *check.C) {
<ide> }
<ide>
<ide> for container, expected := range map[string]string{"parent": "true", "child_first": "false", "child_second": "true"} {
<del> out, err := inspectField(container, "State.Running")
<del> // Container running state wrong
<del> c.Assert(err, check.IsNil, check.Commentf("out: %s", out))
<add> out := inspectField(c, container, "State.Running")
<ide> // Container running state wrong
<ide> c.Assert(out, checker.Equals, expected)
<ide> }
<ide> func (s *DockerSuite) TestStartAttachMultipleContainers(c *check.C) {
<ide>
<ide> // confirm the state of all the containers be stopped
<ide> for container, expected := range map[string]string{"test1": "false", "test2": "false", "test3": "false"} {
<del> out, err := inspectField(container, "State.Running")
<del> // Container running state wrong
<del> c.Assert(err, check.IsNil, check.Commentf("out: %s", out))
<add> out := inspectField(c, container, "State.Running")
<ide> // Container running state wrong
<ide> c.Assert(out, checker.Equals, expected)
<ide> }
<ide><path>integration-cli/docker_cli_start_volume_driver_unix_test.go
<ide> func (s *DockerExternalVolumeSuite) TestExternalVolumeDriverBindExternalVolume(c
<ide> Name string
<ide> Driver string
<ide> }
<del> out, err := inspectFieldJSON("testing", "Mounts")
<del> c.Assert(err, checker.IsNil)
<add> out := inspectFieldJSON(c, "testing", "Mounts")
<ide> c.Assert(json.NewDecoder(strings.NewReader(out)).Decode(&mounts), checker.IsNil)
<ide> c.Assert(len(mounts), checker.Equals, 1, check.Commentf(out))
<ide> c.Assert(mounts[0].Name, checker.Equals, "foo")
<ide><path>integration-cli/docker_cli_tag_test.go
<ide> func (s *DockerSuite) TestTagUnprefixedRepoByName(c *check.C) {
<ide>
<ide> // tagging an image by ID in a new unprefixed repo should work
<ide> func (s *DockerSuite) TestTagUnprefixedRepoByID(c *check.C) {
<del> imageID, err := inspectField("busybox", "Id")
<del> c.Assert(err, check.IsNil)
<add> imageID := inspectField(c, "busybox", "Id")
<ide> dockerCmd(c, "tag", imageID, "testfoobarbaz")
<ide> }
<ide>
<ide> func (s *DockerSuite) TestTagTruncationAmbiguity(c *check.C) {
<ide> truncatedImageID := stringid.TruncateID(imageID)
<ide> truncatedTag := fmt.Sprintf("notbusybox:%s", truncatedImageID)
<ide>
<del> id, err := inspectField(truncatedTag, "Id")
<del> if err != nil {
<del> c.Fatalf("Error inspecting by image id: %s", err)
<del> }
<add> id := inspectField(c, truncatedTag, "Id")
<ide>
<ide> // Ensure inspect by image id returns image for image id
<ide> c.Assert(id, checker.Equals, imageID)
<ide> func (s *DockerSuite) TestTagTruncationAmbiguity(c *check.C) {
<ide> c.Fatalf("Error tagging with an image id: %s", err)
<ide> }
<ide>
<del> id, err = inspectField(truncatedTag, "Id")
<del> if err != nil {
<del> c.Fatalf("Error inspecting by image id: %s", err)
<del> }
<add> id = inspectField(c, truncatedTag, "Id")
<ide>
<ide> // Ensure id is imageID and not busybox:latest
<ide> c.Assert(id, checker.Not(checker.Equals), imageID)
<ide><path>integration-cli/docker_cli_update_unix_test.go
<ide> func (s *DockerSuite) TestUpdateRunningContainer(c *check.C) {
<ide> dockerCmd(c, "run", "-d", "--name", name, "-m", "300M", "busybox", "top")
<ide> dockerCmd(c, "update", "-m", "500M", name)
<ide>
<del> memory, err := inspectField(name, "HostConfig.Memory")
<del> c.Assert(err, check.IsNil)
<add> memory := inspectField(c, name, "HostConfig.Memory")
<ide> if memory != "524288000" {
<ide> c.Fatalf("Got the wrong memory value, we got %d, expected 524288000(500M).", memory)
<ide> }
<ide> func (s *DockerSuite) TestUpdateRunningContainerWithRestart(c *check.C) {
<ide> dockerCmd(c, "update", "-m", "500M", name)
<ide> dockerCmd(c, "restart", name)
<ide>
<del> memory, err := inspectField(name, "HostConfig.Memory")
<del> c.Assert(err, check.IsNil)
<add> memory := inspectField(c, name, "HostConfig.Memory")
<ide> if memory != "524288000" {
<ide> c.Fatalf("Got the wrong memory value, we got %d, expected 524288000(500M).", memory)
<ide> }
<ide> func (s *DockerSuite) TestUpdateStoppedContainer(c *check.C) {
<ide> dockerCmd(c, "run", "--name", name, "-m", "300M", "busybox", "cat", file)
<ide> dockerCmd(c, "update", "-m", "500M", name)
<ide>
<del> memory, err := inspectField(name, "HostConfig.Memory")
<del> c.Assert(err, check.IsNil)
<add> memory := inspectField(c, name, "HostConfig.Memory")
<ide> if memory != "524288000" {
<ide> c.Fatalf("Got the wrong memory value, we got %d, expected 524288000(500M).", memory)
<ide> }
<ide> func (s *DockerSuite) TestUpdatePausedContainer(c *check.C) {
<ide> dockerCmd(c, "pause", name)
<ide> dockerCmd(c, "update", "--cpu-shares", "500", name)
<ide>
<del> out, err := inspectField(name, "HostConfig.CPUShares")
<del> c.Assert(err, check.IsNil)
<add> out := inspectField(c, name, "HostConfig.CPUShares")
<ide> if out != "500" {
<ide> c.Fatalf("Got the wrong cpu shares value, we got %d, expected 500.", out)
<ide> }
<ide> func (s *DockerSuite) TestUpdateWithUntouchedFields(c *check.C) {
<ide> dockerCmd(c, "update", "-m", "500M", name)
<ide>
<ide> // Update memory and not touch cpus, `cpuset.cpus` should still have the old value
<del> out, err := inspectField(name, "HostConfig.CPUShares")
<del> c.Assert(err, check.IsNil)
<add> out := inspectField(c, name, "HostConfig.CPUShares")
<ide> c.Assert(out, check.Equals, "800")
<ide>
<ide> file := "/sys/fs/cgroup/cpu/cpu.shares"
<ide> func (s *DockerSuite) TestUpdateKernelMemory(c *check.C) {
<ide> // Update kernel memory to a running container is not allowed.
<ide> c.Assert(err, check.NotNil)
<ide>
<del> out, err := inspectField(name, "HostConfig.KernelMemory")
<del> c.Assert(err, check.IsNil)
<add> out := inspectField(c, name, "HostConfig.KernelMemory")
<ide> // Update kernel memory to a running container with failure should not change HostConfig
<ide> if out != "52428800" {
<ide> c.Fatalf("Got the wrong memory value, we got %d, expected 52428800(50M).", out)
<ide> func (s *DockerSuite) TestUpdateKernelMemory(c *check.C) {
<ide> dockerCmd(c, "update", "--kernel-memory", "100M", name)
<ide> dockerCmd(c, "start", name)
<ide>
<del> out, err = inspectField(name, "HostConfig.KernelMemory")
<del> c.Assert(err, check.IsNil)
<add> out = inspectField(c, name, "HostConfig.KernelMemory")
<ide> if out != "104857600" {
<ide> c.Fatalf("Got the wrong memory value, we got %d, expected 104857600(100M).", out)
<ide> }
<ide><path>integration-cli/docker_utils.go
<ide> COPY . /static`); err != nil {
<ide> ctx: ctx}, nil
<ide> }
<ide>
<del>func inspectFieldAndMarshall(name, field string, output interface{}) error {
<del> str, err := inspectFieldJSON(name, field)
<del> if err != nil {
<del> return err
<add>func inspectFieldAndMarshall(c *check.C, name, field string, output interface{}) {
<add> str := inspectFieldJSON(c, name, field)
<add> err := json.Unmarshal([]byte(str), output)
<add> if c != nil {
<add> c.Assert(err, check.IsNil, check.Commentf("failed to unmarshal: %v", err))
<ide> }
<del>
<del> return json.Unmarshal([]byte(str), output)
<ide> }
<ide>
<ide> func inspectFilter(name, filter string) (string, error) {
<ide> format := fmt.Sprintf("{{%s}}", filter)
<ide> inspectCmd := exec.Command(dockerBinary, "inspect", "-f", format, name)
<ide> out, exitCode, err := runCommandWithOutput(inspectCmd)
<ide> if err != nil || exitCode != 0 {
<del> return "", fmt.Errorf("failed to inspect container %s: %s", name, out)
<add> return "", fmt.Errorf("failed to inspect %s: %s", name, out)
<ide> }
<ide> return strings.TrimSpace(out), nil
<ide> }
<ide>
<del>func inspectField(name, field string) (string, error) {
<add>func inspectFieldWithError(name, field string) (string, error) {
<ide> return inspectFilter(name, fmt.Sprintf(".%s", field))
<ide> }
<ide>
<del>func inspectFieldJSON(name, field string) (string, error) {
<del> return inspectFilter(name, fmt.Sprintf("json .%s", field))
<add>func inspectField(c *check.C, name, field string) string {
<add> out, err := inspectFilter(name, fmt.Sprintf(".%s", field))
<add> if c != nil {
<add> c.Assert(err, check.IsNil)
<add> }
<add> return out
<ide> }
<ide>
<del>func inspectFieldMap(name, path, field string) (string, error) {
<del> return inspectFilter(name, fmt.Sprintf("index .%s %q", path, field))
<add>func inspectFieldJSON(c *check.C, name, field string) string {
<add> out, err := inspectFilter(name, fmt.Sprintf("json .%s", field))
<add> if c != nil {
<add> c.Assert(err, check.IsNil)
<add> }
<add> return out
<add>}
<add>
<add>func inspectFieldMap(c *check.C, name, path, field string) string {
<add> out, err := inspectFilter(name, fmt.Sprintf("index .%s %q", path, field))
<add> if c != nil {
<add> c.Assert(err, check.IsNil)
<add> }
<add> return out
<ide> }
<ide>
<ide> func inspectMountSourceField(name, destination string) (string, error) {
<ide> func inspectMountSourceField(name, destination string) (string, error) {
<ide> }
<ide>
<ide> func inspectMountPoint(name, destination string) (types.MountPoint, error) {
<del> out, err := inspectFieldJSON(name, "Mounts")
<add> out, err := inspectFilter(name, "json .Mounts")
<ide> if err != nil {
<ide> return types.MountPoint{}, err
<ide> }
<ide> func inspectMountPointJSON(j, destination string) (types.MountPoint, error) {
<ide> }
<ide>
<ide> func getIDByName(name string) (string, error) {
<del> return inspectField(name, "Id")
<add> return inspectFieldWithError(name, "Id")
<ide> }
<ide>
<ide> // getContainerState returns the exit code of the container | 34 |
Text | Text | add solution required | 38fa8b71a14ddfc057b1f90d4507d69b033944c1 | <ide><path>curriculum/challenges/portuguese/01-responsive-web-design/applied-accessibility/add-a-text-alternative-to-images-for-visually-impaired-accessibility.portuguese.md
<ide> tests:
<ide>
<ide> ```html
<ide> <img src="doingKarateWow.jpeg">
<del>
<ide> ```
<ide>
<ide> </div>
<ide> tests:
<ide> ## Solução
<ide> <section id='solution'>
<ide>
<del>```js
<del>// solution required
<add>```html
<add><img src="doingKarateWow.jpeg" alt="Someone doing karate">
<ide> ```
<ide> </section> | 1 |
Python | Python | remove code with side effects from main | 12f69a86f56845f6df96c9991c856f665169f8a6 | <ide><path>fuzzy_logic/fuzzy_operations.py
<ide> Python:
<ide> - 3.5
<ide> """
<del># Create universe of discourse in python using linspace ()
<ide> import numpy as np
<del>
<del>X = np.linspace(start=0, stop=75, num=75, endpoint=True, retstep=False)
<del>
<del># Create two fuzzy sets by defining any membership function (trapmf(), gbellmf(),gaussmf(), etc).
<ide> import skfuzzy as fuzz
<ide>
<del>abc1 = [0, 25, 50]
<del>abc2 = [25, 50, 75]
<del>young = fuzz.membership.trimf(X, abc1)
<del>middle_aged = fuzz.membership.trimf(X, abc2)
<del>
<del># Compute the different operations using inbuilt functions.
<del>one = np.ones(75)
<del>zero = np.zeros((75,))
<del># 1. Union = max(µA(x), µB(x))
<del>union = fuzz.fuzzy_or(X, young, X, middle_aged)[1]
<del># 2. Intersection = min(µA(x), µB(x))
<del>intersection = fuzz.fuzzy_and(X, young, X, middle_aged)[1]
<del># 3. Complement (A) = (1- min(µA(x))
<del>complement_a = fuzz.fuzzy_not(young)
<del># 4. Difference (A/B) = min(µA(x),(1- µB(x)))
<del>difference = fuzz.fuzzy_and(X, young, X, fuzz.fuzzy_not(middle_aged)[1])[1]
<del># 5. Algebraic Sum = [µA(x) + µB(x) – (µA(x) * µB(x))]
<del>alg_sum = young + middle_aged - (young * middle_aged)
<del># 6. Algebraic Product = (µA(x) * µB(x))
<del>alg_product = young * middle_aged
<del># 7. Bounded Sum = min[1,(µA(x), µB(x))]
<del>bdd_sum = fuzz.fuzzy_and(X, one, X, young + middle_aged)[1]
<del># 8. Bounded difference = min[0,(µA(x), µB(x))]
<del>bdd_difference = fuzz.fuzzy_or(X, zero, X, young - middle_aged)[1]
<del>
<del># max-min composition
<del># max-product composition
<del>
<del>
<del># Plot each set A, set B and each operation result using plot() and subplot().
<del>import matplotlib.pyplot as plt
<del>
<del>plt.figure()
<del>
<del>plt.subplot(4, 3, 1)
<del>plt.plot(X, young)
<del>plt.title("Young")
<del>plt.grid(True)
<del>
<del>plt.subplot(4, 3, 2)
<del>plt.plot(X, middle_aged)
<del>plt.title("Middle aged")
<del>plt.grid(True)
<del>
<del>plt.subplot(4, 3, 3)
<del>plt.plot(X, union)
<del>plt.title("union")
<del>plt.grid(True)
<del>
<del>plt.subplot(4, 3, 4)
<del>plt.plot(X, intersection)
<del>plt.title("intersection")
<del>plt.grid(True)
<del>
<del>plt.subplot(4, 3, 5)
<del>plt.plot(X, complement_a)
<del>plt.title("complement_a")
<del>plt.grid(True)
<del>
<del>plt.subplot(4, 3, 6)
<del>plt.plot(X, difference)
<del>plt.title("difference a/b")
<del>plt.grid(True)
<del>
<del>plt.subplot(4, 3, 7)
<del>plt.plot(X, alg_sum)
<del>plt.title("alg_sum")
<del>plt.grid(True)
<del>
<del>plt.subplot(4, 3, 8)
<del>plt.plot(X, alg_product)
<del>plt.title("alg_product")
<del>plt.grid(True)
<del>
<del>plt.subplot(4, 3, 9)
<del>plt.plot(X, bdd_sum)
<del>plt.title("bdd_sum")
<del>plt.grid(True)
<del>
<del>plt.subplot(4, 3, 10)
<del>plt.plot(X, bdd_difference)
<del>plt.title("bdd_difference")
<del>plt.grid(True)
<del>
<del>plt.subplots_adjust(hspace=0.5)
<del>plt.show()
<add>
<add>if __name__ == "__main__":
<add> # Create universe of discourse in python using linspace ()
<add> X = np.linspace(start=0, stop=75, num=75, endpoint=True, retstep=False)
<add>
<add> # Create two fuzzy sets by defining any membership function (trapmf(), gbellmf(),gaussmf(), etc).
<add> abc1 = [0, 25, 50]
<add> abc2 = [25, 50, 75]
<add> young = fuzz.membership.trimf(X, abc1)
<add> middle_aged = fuzz.membership.trimf(X, abc2)
<add>
<add> # Compute the different operations using inbuilt functions.
<add> one = np.ones(75)
<add> zero = np.zeros((75,))
<add> # 1. Union = max(µA(x), µB(x))
<add> union = fuzz.fuzzy_or(X, young, X, middle_aged)[1]
<add> # 2. Intersection = min(µA(x), µB(x))
<add> intersection = fuzz.fuzzy_and(X, young, X, middle_aged)[1]
<add> # 3. Complement (A) = (1- min(µA(x))
<add> complement_a = fuzz.fuzzy_not(young)
<add> # 4. Difference (A/B) = min(µA(x),(1- µB(x)))
<add> difference = fuzz.fuzzy_and(X, young, X, fuzz.fuzzy_not(middle_aged)[1])[1]
<add> # 5. Algebraic Sum = [µA(x) + µB(x) – (µA(x) * µB(x))]
<add> alg_sum = young + middle_aged - (young * middle_aged)
<add> # 6. Algebraic Product = (µA(x) * µB(x))
<add> alg_product = young * middle_aged
<add> # 7. Bounded Sum = min[1,(µA(x), µB(x))]
<add> bdd_sum = fuzz.fuzzy_and(X, one, X, young + middle_aged)[1]
<add> # 8. Bounded difference = min[0,(µA(x), µB(x))]
<add> bdd_difference = fuzz.fuzzy_or(X, zero, X, young - middle_aged)[1]
<add>
<add> # max-min composition
<add> # max-product composition
<add>
<add> # Plot each set A, set B and each operation result using plot() and subplot().
<add> import matplotlib.pyplot as plt
<add>
<add> plt.figure()
<add>
<add> plt.subplot(4, 3, 1)
<add> plt.plot(X, young)
<add> plt.title("Young")
<add> plt.grid(True)
<add>
<add> plt.subplot(4, 3, 2)
<add> plt.plot(X, middle_aged)
<add> plt.title("Middle aged")
<add> plt.grid(True)
<add>
<add> plt.subplot(4, 3, 3)
<add> plt.plot(X, union)
<add> plt.title("union")
<add> plt.grid(True)
<add>
<add> plt.subplot(4, 3, 4)
<add> plt.plot(X, intersection)
<add> plt.title("intersection")
<add> plt.grid(True)
<add>
<add> plt.subplot(4, 3, 5)
<add> plt.plot(X, complement_a)
<add> plt.title("complement_a")
<add> plt.grid(True)
<add>
<add> plt.subplot(4, 3, 6)
<add> plt.plot(X, difference)
<add> plt.title("difference a/b")
<add> plt.grid(True)
<add>
<add> plt.subplot(4, 3, 7)
<add> plt.plot(X, alg_sum)
<add> plt.title("alg_sum")
<add> plt.grid(True)
<add>
<add> plt.subplot(4, 3, 8)
<add> plt.plot(X, alg_product)
<add> plt.title("alg_product")
<add> plt.grid(True)
<add>
<add> plt.subplot(4, 3, 9)
<add> plt.plot(X, bdd_sum)
<add> plt.title("bdd_sum")
<add> plt.grid(True)
<add>
<add> plt.subplot(4, 3, 10)
<add> plt.plot(X, bdd_difference)
<add> plt.title("bdd_difference")
<add> plt.grid(True)
<add>
<add> plt.subplots_adjust(hspace=0.5)
<add> plt.show()
<ide><path>machine_learning/polymonial_regression.py
<ide> def viz_polymonial():
<ide> return
<ide>
<ide>
<del>viz_polymonial()
<add>if __name__ == "__main__":
<add> viz_polymonial()
<ide>
<del># Predicting a new result with Polymonial Regression
<del>pol_reg.predict(poly_reg.fit_transform([[5.5]]))
<del># output should be 132148.43750003
<add> # Predicting a new result with Polymonial Regression
<add> pol_reg.predict(poly_reg.fit_transform([[5.5]]))
<add> # output should be 132148.43750003
<ide><path>neural_network/gan.py
<ide> def plot(samples):
<ide> return fig
<ide>
<ide>
<del># 1. Load Data and declare hyper
<del>print("--------- Load Data ----------")
<del>mnist = input_data.read_data_sets("MNIST_data", one_hot=False)
<del>temp = mnist.test
<del>images, labels = temp.images, temp.labels
<del>images, labels = shuffle(np.asarray(images), np.asarray(labels))
<del>num_epoch = 10
<del>learing_rate = 0.00009
<del>G_input = 100
<del>hidden_input, hidden_input2, hidden_input3 = 128, 256, 346
<del>hidden_input4, hidden_input5, hidden_input6 = 480, 560, 686
<del>
<del>
<del>print("--------- Declare Hyper Parameters ----------")
<del># 2. Declare Weights
<del>D_W1 = (
<del> np.random.normal(size=(784, hidden_input), scale=(1.0 / np.sqrt(784 / 2.0))) * 0.002
<del>)
<del># D_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<del>D_b1 = np.zeros(hidden_input)
<del>
<del>D_W2 = (
<del> np.random.normal(size=(hidden_input, 1), scale=(1.0 / np.sqrt(hidden_input / 2.0)))
<del> * 0.002
<del>)
<del># D_b2 = np.random.normal(size=(1),scale=(1. / np.sqrt(1 / 2.))) *0.002
<del>D_b2 = np.zeros(1)
<del>
<del>
<del>G_W1 = (
<del> np.random.normal(size=(G_input, hidden_input), scale=(1.0 / np.sqrt(G_input / 2.0)))
<del> * 0.002
<del>)
<del># G_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<del>G_b1 = np.zeros(hidden_input)
<del>
<del>G_W2 = (
<del> np.random.normal(
<del> size=(hidden_input, hidden_input2), scale=(1.0 / np.sqrt(hidden_input / 2.0))
<add>if __name__ == "__main__":
<add> # 1. Load Data and declare hyper
<add> print("--------- Load Data ----------")
<add> mnist = input_data.read_data_sets("MNIST_data", one_hot=False)
<add> temp = mnist.test
<add> images, labels = temp.images, temp.labels
<add> images, labels = shuffle(np.asarray(images), np.asarray(labels))
<add> num_epoch = 10
<add> learing_rate = 0.00009
<add> G_input = 100
<add> hidden_input, hidden_input2, hidden_input3 = 128, 256, 346
<add> hidden_input4, hidden_input5, hidden_input6 = 480, 560, 686
<add>
<add> print("--------- Declare Hyper Parameters ----------")
<add> # 2. Declare Weights
<add> D_W1 = (
<add> np.random.normal(size=(784, hidden_input), scale=(1.0 / np.sqrt(784 / 2.0)))
<add> * 0.002
<ide> )
<del> * 0.002
<del>)
<del># G_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<del>G_b2 = np.zeros(hidden_input2)
<del>
<del>G_W3 = (
<del> np.random.normal(
<del> size=(hidden_input2, hidden_input3), scale=(1.0 / np.sqrt(hidden_input2 / 2.0))
<del> )
<del> * 0.002
<del>)
<del># G_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<del>G_b3 = np.zeros(hidden_input3)
<del>
<del>G_W4 = (
<del> np.random.normal(
<del> size=(hidden_input3, hidden_input4), scale=(1.0 / np.sqrt(hidden_input3 / 2.0))
<del> )
<del> * 0.002
<del>)
<del># G_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<del>G_b4 = np.zeros(hidden_input4)
<del>
<del>G_W5 = (
<del> np.random.normal(
<del> size=(hidden_input4, hidden_input5), scale=(1.0 / np.sqrt(hidden_input4 / 2.0))
<add> # D_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<add> D_b1 = np.zeros(hidden_input)
<add>
<add> D_W2 = (
<add> np.random.normal(
<add> size=(hidden_input, 1), scale=(1.0 / np.sqrt(hidden_input / 2.0))
<add> )
<add> * 0.002
<ide> )
<del> * 0.002
<del>)
<del># G_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<del>G_b5 = np.zeros(hidden_input5)
<del>
<del>G_W6 = (
<del> np.random.normal(
<del> size=(hidden_input5, hidden_input6), scale=(1.0 / np.sqrt(hidden_input5 / 2.0))
<add> # D_b2 = np.random.normal(size=(1),scale=(1. / np.sqrt(1 / 2.))) *0.002
<add> D_b2 = np.zeros(1)
<add>
<add> G_W1 = (
<add> np.random.normal(
<add> size=(G_input, hidden_input), scale=(1.0 / np.sqrt(G_input / 2.0))
<add> )
<add> * 0.002
<ide> )
<del> * 0.002
<del>)
<del># G_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<del>G_b6 = np.zeros(hidden_input6)
<del>
<del>G_W7 = (
<del> np.random.normal(
<del> size=(hidden_input6, 784), scale=(1.0 / np.sqrt(hidden_input6 / 2.0))
<add> # G_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<add> G_b1 = np.zeros(hidden_input)
<add>
<add> G_W2 = (
<add> np.random.normal(
<add> size=(hidden_input, hidden_input2),
<add> scale=(1.0 / np.sqrt(hidden_input / 2.0)),
<add> )
<add> * 0.002
<ide> )
<del> * 0.002
<del>)
<del># G_b2 = np.random.normal(size=(784),scale=(1. / np.sqrt(784 / 2.))) *0.002
<del>G_b7 = np.zeros(784)
<del>
<del># 3. For Adam Optimzier
<del>v1, m1 = 0, 0
<del>v2, m2 = 0, 0
<del>v3, m3 = 0, 0
<del>v4, m4 = 0, 0
<del>
<del>v5, m5 = 0, 0
<del>v6, m6 = 0, 0
<del>v7, m7 = 0, 0
<del>v8, m8 = 0, 0
<del>v9, m9 = 0, 0
<del>v10, m10 = 0, 0
<del>v11, m11 = 0, 0
<del>v12, m12 = 0, 0
<del>
<del>v13, m13 = 0, 0
<del>v14, m14 = 0, 0
<del>
<del>v15, m15 = 0, 0
<del>v16, m16 = 0, 0
<del>
<del>v17, m17 = 0, 0
<del>v18, m18 = 0, 0
<del>
<del>
<del>beta_1, beta_2, eps = 0.9, 0.999, 0.00000001
<del>
<del>print("--------- Started Training ----------")
<del>for iter in range(num_epoch):
<del>
<del> random_int = np.random.randint(len(images) - 5)
<del> current_image = np.expand_dims(images[random_int], axis=0)
<del>
<del> # Func: Generate The first Fake Data
<del> Z = np.random.uniform(-1.0, 1.0, size=[1, G_input])
<del> Gl1 = Z.dot(G_W1) + G_b1
<del> Gl1A = arctan(Gl1)
<del> Gl2 = Gl1A.dot(G_W2) + G_b2
<del> Gl2A = ReLu(Gl2)
<del> Gl3 = Gl2A.dot(G_W3) + G_b3
<del> Gl3A = arctan(Gl3)
<del>
<del> Gl4 = Gl3A.dot(G_W4) + G_b4
<del> Gl4A = ReLu(Gl4)
<del> Gl5 = Gl4A.dot(G_W5) + G_b5
<del> Gl5A = tanh(Gl5)
<del> Gl6 = Gl5A.dot(G_W6) + G_b6
<del> Gl6A = ReLu(Gl6)
<del> Gl7 = Gl6A.dot(G_W7) + G_b7
<del>
<del> current_fake_data = log(Gl7)
<del>
<del> # Func: Forward Feed for Real data
<del> Dl1_r = current_image.dot(D_W1) + D_b1
<del> Dl1_rA = ReLu(Dl1_r)
<del> Dl2_r = Dl1_rA.dot(D_W2) + D_b2
<del> Dl2_rA = log(Dl2_r)
<del>
<del> # Func: Forward Feed for Fake Data
<del> Dl1_f = current_fake_data.dot(D_W1) + D_b1
<del> Dl1_fA = ReLu(Dl1_f)
<del> Dl2_f = Dl1_fA.dot(D_W2) + D_b2
<del> Dl2_fA = log(Dl2_f)
<del>
<del> # Func: Cost D
<del> D_cost = -np.log(Dl2_rA) + np.log(1.0 - Dl2_fA)
<del>
<del> # Func: Gradient
<del> grad_f_w2_part_1 = 1 / (1.0 - Dl2_fA)
<del> grad_f_w2_part_2 = d_log(Dl2_f)
<del> grad_f_w2_part_3 = Dl1_fA
<del> grad_f_w2 = grad_f_w2_part_3.T.dot(grad_f_w2_part_1 * grad_f_w2_part_2)
<del> grad_f_b2 = grad_f_w2_part_1 * grad_f_w2_part_2
<del>
<del> grad_f_w1_part_1 = (grad_f_w2_part_1 * grad_f_w2_part_2).dot(D_W2.T)
<del> grad_f_w1_part_2 = d_ReLu(Dl1_f)
<del> grad_f_w1_part_3 = current_fake_data
<del> grad_f_w1 = grad_f_w1_part_3.T.dot(grad_f_w1_part_1 * grad_f_w1_part_2)
<del> grad_f_b1 = grad_f_w1_part_1 * grad_f_w1_part_2
<del>
<del> grad_r_w2_part_1 = -1 / Dl2_rA
<del> grad_r_w2_part_2 = d_log(Dl2_r)
<del> grad_r_w2_part_3 = Dl1_rA
<del> grad_r_w2 = grad_r_w2_part_3.T.dot(grad_r_w2_part_1 * grad_r_w2_part_2)
<del> grad_r_b2 = grad_r_w2_part_1 * grad_r_w2_part_2
<del>
<del> grad_r_w1_part_1 = (grad_r_w2_part_1 * grad_r_w2_part_2).dot(D_W2.T)
<del> grad_r_w1_part_2 = d_ReLu(Dl1_r)
<del> grad_r_w1_part_3 = current_image
<del> grad_r_w1 = grad_r_w1_part_3.T.dot(grad_r_w1_part_1 * grad_r_w1_part_2)
<del> grad_r_b1 = grad_r_w1_part_1 * grad_r_w1_part_2
<del>
<del> grad_w1 = grad_f_w1 + grad_r_w1
<del> grad_b1 = grad_f_b1 + grad_r_b1
<del>
<del> grad_w2 = grad_f_w2 + grad_r_w2
<del> grad_b2 = grad_f_b2 + grad_r_b2
<del>
<del> # ---- Update Gradient ----
<del> m1 = beta_1 * m1 + (1 - beta_1) * grad_w1
<del> v1 = beta_2 * v1 + (1 - beta_2) * grad_w1 ** 2
<del>
<del> m2 = beta_1 * m2 + (1 - beta_1) * grad_b1
<del> v2 = beta_2 * v2 + (1 - beta_2) * grad_b1 ** 2
<del>
<del> m3 = beta_1 * m3 + (1 - beta_1) * grad_w2
<del> v3 = beta_2 * v3 + (1 - beta_2) * grad_w2 ** 2
<del>
<del> m4 = beta_1 * m4 + (1 - beta_1) * grad_b2
<del> v4 = beta_2 * v4 + (1 - beta_2) * grad_b2 ** 2
<del>
<del> D_W1 = D_W1 - (learing_rate / (np.sqrt(v1 / (1 - beta_2)) + eps)) * (
<del> m1 / (1 - beta_1)
<add> # G_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<add> G_b2 = np.zeros(hidden_input2)
<add>
<add> G_W3 = (
<add> np.random.normal(
<add> size=(hidden_input2, hidden_input3),
<add> scale=(1.0 / np.sqrt(hidden_input2 / 2.0)),
<add> )
<add> * 0.002
<ide> )
<del> D_b1 = D_b1 - (learing_rate / (np.sqrt(v2 / (1 - beta_2)) + eps)) * (
<del> m2 / (1 - beta_1)
<add> # G_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<add> G_b3 = np.zeros(hidden_input3)
<add>
<add> G_W4 = (
<add> np.random.normal(
<add> size=(hidden_input3, hidden_input4),
<add> scale=(1.0 / np.sqrt(hidden_input3 / 2.0)),
<add> )
<add> * 0.002
<ide> )
<add> # G_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<add> G_b4 = np.zeros(hidden_input4)
<ide>
<del> D_W2 = D_W2 - (learing_rate / (np.sqrt(v3 / (1 - beta_2)) + eps)) * (
<del> m3 / (1 - beta_1)
<add> G_W5 = (
<add> np.random.normal(
<add> size=(hidden_input4, hidden_input5),
<add> scale=(1.0 / np.sqrt(hidden_input4 / 2.0)),
<add> )
<add> * 0.002
<ide> )
<del> D_b2 = D_b2 - (learing_rate / (np.sqrt(v4 / (1 - beta_2)) + eps)) * (
<del> m4 / (1 - beta_1)
<add> # G_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<add> G_b5 = np.zeros(hidden_input5)
<add>
<add> G_W6 = (
<add> np.random.normal(
<add> size=(hidden_input5, hidden_input6),
<add> scale=(1.0 / np.sqrt(hidden_input5 / 2.0)),
<add> )
<add> * 0.002
<ide> )
<add> # G_b1 = np.random.normal(size=(128),scale=(1. / np.sqrt(128 / 2.))) *0.002
<add> G_b6 = np.zeros(hidden_input6)
<ide>
<del> # Func: Forward Feed for G
<del> Z = np.random.uniform(-1.0, 1.0, size=[1, G_input])
<del> Gl1 = Z.dot(G_W1) + G_b1
<del> Gl1A = arctan(Gl1)
<del> Gl2 = Gl1A.dot(G_W2) + G_b2
<del> Gl2A = ReLu(Gl2)
<del> Gl3 = Gl2A.dot(G_W3) + G_b3
<del> Gl3A = arctan(Gl3)
<del>
<del> Gl4 = Gl3A.dot(G_W4) + G_b4
<del> Gl4A = ReLu(Gl4)
<del> Gl5 = Gl4A.dot(G_W5) + G_b5
<del> Gl5A = tanh(Gl5)
<del> Gl6 = Gl5A.dot(G_W6) + G_b6
<del> Gl6A = ReLu(Gl6)
<del> Gl7 = Gl6A.dot(G_W7) + G_b7
<del>
<del> current_fake_data = log(Gl7)
<del>
<del> Dl1 = current_fake_data.dot(D_W1) + D_b1
<del> Dl1_A = ReLu(Dl1)
<del> Dl2 = Dl1_A.dot(D_W2) + D_b2
<del> Dl2_A = log(Dl2)
<del>
<del> # Func: Cost G
<del> G_cost = -np.log(Dl2_A)
<del>
<del> # Func: Gradient
<del> grad_G_w7_part_1 = ((-1 / Dl2_A) * d_log(Dl2).dot(D_W2.T) * (d_ReLu(Dl1))).dot(
<del> D_W1.T
<add> G_W7 = (
<add> np.random.normal(
<add> size=(hidden_input6, 784), scale=(1.0 / np.sqrt(hidden_input6 / 2.0))
<add> )
<add> * 0.002
<ide> )
<del> grad_G_w7_part_2 = d_log(Gl7)
<del> grad_G_w7_part_3 = Gl6A
<del> grad_G_w7 = grad_G_w7_part_3.T.dot(grad_G_w7_part_1 * grad_G_w7_part_1)
<del> grad_G_b7 = grad_G_w7_part_1 * grad_G_w7_part_2
<add> # G_b2 = np.random.normal(size=(784),scale=(1. / np.sqrt(784 / 2.))) *0.002
<add> G_b7 = np.zeros(784)
<ide>
<del> grad_G_w6_part_1 = (grad_G_w7_part_1 * grad_G_w7_part_2).dot(G_W7.T)
<del> grad_G_w6_part_2 = d_ReLu(Gl6)
<del> grad_G_w6_part_3 = Gl5A
<del> grad_G_w6 = grad_G_w6_part_3.T.dot(grad_G_w6_part_1 * grad_G_w6_part_2)
<del> grad_G_b6 = grad_G_w6_part_1 * grad_G_w6_part_2
<add> # 3. For Adam Optimzier
<add> v1, m1 = 0, 0
<add> v2, m2 = 0, 0
<add> v3, m3 = 0, 0
<add> v4, m4 = 0, 0
<ide>
<del> grad_G_w5_part_1 = (grad_G_w6_part_1 * grad_G_w6_part_2).dot(G_W6.T)
<del> grad_G_w5_part_2 = d_tanh(Gl5)
<del> grad_G_w5_part_3 = Gl4A
<del> grad_G_w5 = grad_G_w5_part_3.T.dot(grad_G_w5_part_1 * grad_G_w5_part_2)
<del> grad_G_b5 = grad_G_w5_part_1 * grad_G_w5_part_2
<add> v5, m5 = 0, 0
<add> v6, m6 = 0, 0
<add> v7, m7 = 0, 0
<add> v8, m8 = 0, 0
<add> v9, m9 = 0, 0
<add> v10, m10 = 0, 0
<add> v11, m11 = 0, 0
<add> v12, m12 = 0, 0
<ide>
<del> grad_G_w4_part_1 = (grad_G_w5_part_1 * grad_G_w5_part_2).dot(G_W5.T)
<del> grad_G_w4_part_2 = d_ReLu(Gl4)
<del> grad_G_w4_part_3 = Gl3A
<del> grad_G_w4 = grad_G_w4_part_3.T.dot(grad_G_w4_part_1 * grad_G_w4_part_2)
<del> grad_G_b4 = grad_G_w4_part_1 * grad_G_w4_part_2
<add> v13, m13 = 0, 0
<add> v14, m14 = 0, 0
<ide>
<del> grad_G_w3_part_1 = (grad_G_w4_part_1 * grad_G_w4_part_2).dot(G_W4.T)
<del> grad_G_w3_part_2 = d_arctan(Gl3)
<del> grad_G_w3_part_3 = Gl2A
<del> grad_G_w3 = grad_G_w3_part_3.T.dot(grad_G_w3_part_1 * grad_G_w3_part_2)
<del> grad_G_b3 = grad_G_w3_part_1 * grad_G_w3_part_2
<add> v15, m15 = 0, 0
<add> v16, m16 = 0, 0
<ide>
<del> grad_G_w2_part_1 = (grad_G_w3_part_1 * grad_G_w3_part_2).dot(G_W3.T)
<del> grad_G_w2_part_2 = d_ReLu(Gl2)
<del> grad_G_w2_part_3 = Gl1A
<del> grad_G_w2 = grad_G_w2_part_3.T.dot(grad_G_w2_part_1 * grad_G_w2_part_2)
<del> grad_G_b2 = grad_G_w2_part_1 * grad_G_w2_part_2
<add> v17, m17 = 0, 0
<add> v18, m18 = 0, 0
<ide>
<del> grad_G_w1_part_1 = (grad_G_w2_part_1 * grad_G_w2_part_2).dot(G_W2.T)
<del> grad_G_w1_part_2 = d_arctan(Gl1)
<del> grad_G_w1_part_3 = Z
<del> grad_G_w1 = grad_G_w1_part_3.T.dot(grad_G_w1_part_1 * grad_G_w1_part_2)
<del> grad_G_b1 = grad_G_w1_part_1 * grad_G_w1_part_2
<add> beta_1, beta_2, eps = 0.9, 0.999, 0.00000001
<ide>
<del> # ---- Update Gradient ----
<del> m5 = beta_1 * m5 + (1 - beta_1) * grad_G_w1
<del> v5 = beta_2 * v5 + (1 - beta_2) * grad_G_w1 ** 2
<add> print("--------- Started Training ----------")
<add> for iter in range(num_epoch):
<ide>
<del> m6 = beta_1 * m6 + (1 - beta_1) * grad_G_b1
<del> v6 = beta_2 * v6 + (1 - beta_2) * grad_G_b1 ** 2
<add> random_int = np.random.randint(len(images) - 5)
<add> current_image = np.expand_dims(images[random_int], axis=0)
<ide>
<del> m7 = beta_1 * m7 + (1 - beta_1) * grad_G_w2
<del> v7 = beta_2 * v7 + (1 - beta_2) * grad_G_w2 ** 2
<add> # Func: Generate The first Fake Data
<add> Z = np.random.uniform(-1.0, 1.0, size=[1, G_input])
<add> Gl1 = Z.dot(G_W1) + G_b1
<add> Gl1A = arctan(Gl1)
<add> Gl2 = Gl1A.dot(G_W2) + G_b2
<add> Gl2A = ReLu(Gl2)
<add> Gl3 = Gl2A.dot(G_W3) + G_b3
<add> Gl3A = arctan(Gl3)
<ide>
<del> m8 = beta_1 * m8 + (1 - beta_1) * grad_G_b2
<del> v8 = beta_2 * v8 + (1 - beta_2) * grad_G_b2 ** 2
<add> Gl4 = Gl3A.dot(G_W4) + G_b4
<add> Gl4A = ReLu(Gl4)
<add> Gl5 = Gl4A.dot(G_W5) + G_b5
<add> Gl5A = tanh(Gl5)
<add> Gl6 = Gl5A.dot(G_W6) + G_b6
<add> Gl6A = ReLu(Gl6)
<add> Gl7 = Gl6A.dot(G_W7) + G_b7
<ide>
<del> m9 = beta_1 * m9 + (1 - beta_1) * grad_G_w3
<del> v9 = beta_2 * v9 + (1 - beta_2) * grad_G_w3 ** 2
<add> current_fake_data = log(Gl7)
<ide>
<del> m10 = beta_1 * m10 + (1 - beta_1) * grad_G_b3
<del> v10 = beta_2 * v10 + (1 - beta_2) * grad_G_b3 ** 2
<add> # Func: Forward Feed for Real data
<add> Dl1_r = current_image.dot(D_W1) + D_b1
<add> Dl1_rA = ReLu(Dl1_r)
<add> Dl2_r = Dl1_rA.dot(D_W2) + D_b2
<add> Dl2_rA = log(Dl2_r)
<add>
<add> # Func: Forward Feed for Fake Data
<add> Dl1_f = current_fake_data.dot(D_W1) + D_b1
<add> Dl1_fA = ReLu(Dl1_f)
<add> Dl2_f = Dl1_fA.dot(D_W2) + D_b2
<add> Dl2_fA = log(Dl2_f)
<add>
<add> # Func: Cost D
<add> D_cost = -np.log(Dl2_rA) + np.log(1.0 - Dl2_fA)
<add>
<add> # Func: Gradient
<add> grad_f_w2_part_1 = 1 / (1.0 - Dl2_fA)
<add> grad_f_w2_part_2 = d_log(Dl2_f)
<add> grad_f_w2_part_3 = Dl1_fA
<add> grad_f_w2 = grad_f_w2_part_3.T.dot(grad_f_w2_part_1 * grad_f_w2_part_2)
<add> grad_f_b2 = grad_f_w2_part_1 * grad_f_w2_part_2
<add>
<add> grad_f_w1_part_1 = (grad_f_w2_part_1 * grad_f_w2_part_2).dot(D_W2.T)
<add> grad_f_w1_part_2 = d_ReLu(Dl1_f)
<add> grad_f_w1_part_3 = current_fake_data
<add> grad_f_w1 = grad_f_w1_part_3.T.dot(grad_f_w1_part_1 * grad_f_w1_part_2)
<add> grad_f_b1 = grad_f_w1_part_1 * grad_f_w1_part_2
<add>
<add> grad_r_w2_part_1 = -1 / Dl2_rA
<add> grad_r_w2_part_2 = d_log(Dl2_r)
<add> grad_r_w2_part_3 = Dl1_rA
<add> grad_r_w2 = grad_r_w2_part_3.T.dot(grad_r_w2_part_1 * grad_r_w2_part_2)
<add> grad_r_b2 = grad_r_w2_part_1 * grad_r_w2_part_2
<add>
<add> grad_r_w1_part_1 = (grad_r_w2_part_1 * grad_r_w2_part_2).dot(D_W2.T)
<add> grad_r_w1_part_2 = d_ReLu(Dl1_r)
<add> grad_r_w1_part_3 = current_image
<add> grad_r_w1 = grad_r_w1_part_3.T.dot(grad_r_w1_part_1 * grad_r_w1_part_2)
<add> grad_r_b1 = grad_r_w1_part_1 * grad_r_w1_part_2
<add>
<add> grad_w1 = grad_f_w1 + grad_r_w1
<add> grad_b1 = grad_f_b1 + grad_r_b1
<add>
<add> grad_w2 = grad_f_w2 + grad_r_w2
<add> grad_b2 = grad_f_b2 + grad_r_b2
<add>
<add> # ---- Update Gradient ----
<add> m1 = beta_1 * m1 + (1 - beta_1) * grad_w1
<add> v1 = beta_2 * v1 + (1 - beta_2) * grad_w1 ** 2
<add>
<add> m2 = beta_1 * m2 + (1 - beta_1) * grad_b1
<add> v2 = beta_2 * v2 + (1 - beta_2) * grad_b1 ** 2
<add>
<add> m3 = beta_1 * m3 + (1 - beta_1) * grad_w2
<add> v3 = beta_2 * v3 + (1 - beta_2) * grad_w2 ** 2
<add>
<add> m4 = beta_1 * m4 + (1 - beta_1) * grad_b2
<add> v4 = beta_2 * v4 + (1 - beta_2) * grad_b2 ** 2
<add>
<add> D_W1 = D_W1 - (learing_rate / (np.sqrt(v1 / (1 - beta_2)) + eps)) * (
<add> m1 / (1 - beta_1)
<add> )
<add> D_b1 = D_b1 - (learing_rate / (np.sqrt(v2 / (1 - beta_2)) + eps)) * (
<add> m2 / (1 - beta_1)
<add> )
<ide>
<del> m11 = beta_1 * m11 + (1 - beta_1) * grad_G_w4
<del> v11 = beta_2 * v11 + (1 - beta_2) * grad_G_w4 ** 2
<add> D_W2 = D_W2 - (learing_rate / (np.sqrt(v3 / (1 - beta_2)) + eps)) * (
<add> m3 / (1 - beta_1)
<add> )
<add> D_b2 = D_b2 - (learing_rate / (np.sqrt(v4 / (1 - beta_2)) + eps)) * (
<add> m4 / (1 - beta_1)
<add> )
<ide>
<del> m12 = beta_1 * m12 + (1 - beta_1) * grad_G_b4
<del> v12 = beta_2 * v12 + (1 - beta_2) * grad_G_b4 ** 2
<add> # Func: Forward Feed for G
<add> Z = np.random.uniform(-1.0, 1.0, size=[1, G_input])
<add> Gl1 = Z.dot(G_W1) + G_b1
<add> Gl1A = arctan(Gl1)
<add> Gl2 = Gl1A.dot(G_W2) + G_b2
<add> Gl2A = ReLu(Gl2)
<add> Gl3 = Gl2A.dot(G_W3) + G_b3
<add> Gl3A = arctan(Gl3)
<ide>
<del> m13 = beta_1 * m13 + (1 - beta_1) * grad_G_w5
<del> v13 = beta_2 * v13 + (1 - beta_2) * grad_G_w5 ** 2
<add> Gl4 = Gl3A.dot(G_W4) + G_b4
<add> Gl4A = ReLu(Gl4)
<add> Gl5 = Gl4A.dot(G_W5) + G_b5
<add> Gl5A = tanh(Gl5)
<add> Gl6 = Gl5A.dot(G_W6) + G_b6
<add> Gl6A = ReLu(Gl6)
<add> Gl7 = Gl6A.dot(G_W7) + G_b7
<ide>
<del> m14 = beta_1 * m14 + (1 - beta_1) * grad_G_b5
<del> v14 = beta_2 * v14 + (1 - beta_2) * grad_G_b5 ** 2
<add> current_fake_data = log(Gl7)
<ide>
<del> m15 = beta_1 * m15 + (1 - beta_1) * grad_G_w6
<del> v15 = beta_2 * v15 + (1 - beta_2) * grad_G_w6 ** 2
<add> Dl1 = current_fake_data.dot(D_W1) + D_b1
<add> Dl1_A = ReLu(Dl1)
<add> Dl2 = Dl1_A.dot(D_W2) + D_b2
<add> Dl2_A = log(Dl2)
<ide>
<del> m16 = beta_1 * m16 + (1 - beta_1) * grad_G_b6
<del> v16 = beta_2 * v16 + (1 - beta_2) * grad_G_b6 ** 2
<add> # Func: Cost G
<add> G_cost = -np.log(Dl2_A)
<ide>
<del> m17 = beta_1 * m17 + (1 - beta_1) * grad_G_w7
<del> v17 = beta_2 * v17 + (1 - beta_2) * grad_G_w7 ** 2
<add> # Func: Gradient
<add> grad_G_w7_part_1 = ((-1 / Dl2_A) * d_log(Dl2).dot(D_W2.T) * (d_ReLu(Dl1))).dot(
<add> D_W1.T
<add> )
<add> grad_G_w7_part_2 = d_log(Gl7)
<add> grad_G_w7_part_3 = Gl6A
<add> grad_G_w7 = grad_G_w7_part_3.T.dot(grad_G_w7_part_1 * grad_G_w7_part_1)
<add> grad_G_b7 = grad_G_w7_part_1 * grad_G_w7_part_2
<ide>
<del> m18 = beta_1 * m18 + (1 - beta_1) * grad_G_b7
<del> v18 = beta_2 * v18 + (1 - beta_2) * grad_G_b7 ** 2
<add> grad_G_w6_part_1 = (grad_G_w7_part_1 * grad_G_w7_part_2).dot(G_W7.T)
<add> grad_G_w6_part_2 = d_ReLu(Gl6)
<add> grad_G_w6_part_3 = Gl5A
<add> grad_G_w6 = grad_G_w6_part_3.T.dot(grad_G_w6_part_1 * grad_G_w6_part_2)
<add> grad_G_b6 = grad_G_w6_part_1 * grad_G_w6_part_2
<ide>
<del> G_W1 = G_W1 - (learing_rate / (np.sqrt(v5 / (1 - beta_2)) + eps)) * (
<del> m5 / (1 - beta_1)
<del> )
<del> G_b1 = G_b1 - (learing_rate / (np.sqrt(v6 / (1 - beta_2)) + eps)) * (
<del> m6 / (1 - beta_1)
<del> )
<add> grad_G_w5_part_1 = (grad_G_w6_part_1 * grad_G_w6_part_2).dot(G_W6.T)
<add> grad_G_w5_part_2 = d_tanh(Gl5)
<add> grad_G_w5_part_3 = Gl4A
<add> grad_G_w5 = grad_G_w5_part_3.T.dot(grad_G_w5_part_1 * grad_G_w5_part_2)
<add> grad_G_b5 = grad_G_w5_part_1 * grad_G_w5_part_2
<ide>
<del> G_W2 = G_W2 - (learing_rate / (np.sqrt(v7 / (1 - beta_2)) + eps)) * (
<del> m7 / (1 - beta_1)
<del> )
<del> G_b2 = G_b2 - (learing_rate / (np.sqrt(v8 / (1 - beta_2)) + eps)) * (
<del> m8 / (1 - beta_1)
<del> )
<add> grad_G_w4_part_1 = (grad_G_w5_part_1 * grad_G_w5_part_2).dot(G_W5.T)
<add> grad_G_w4_part_2 = d_ReLu(Gl4)
<add> grad_G_w4_part_3 = Gl3A
<add> grad_G_w4 = grad_G_w4_part_3.T.dot(grad_G_w4_part_1 * grad_G_w4_part_2)
<add> grad_G_b4 = grad_G_w4_part_1 * grad_G_w4_part_2
<ide>
<del> G_W3 = G_W3 - (learing_rate / (np.sqrt(v9 / (1 - beta_2)) + eps)) * (
<del> m9 / (1 - beta_1)
<del> )
<del> G_b3 = G_b3 - (learing_rate / (np.sqrt(v10 / (1 - beta_2)) + eps)) * (
<del> m10 / (1 - beta_1)
<del> )
<add> grad_G_w3_part_1 = (grad_G_w4_part_1 * grad_G_w4_part_2).dot(G_W4.T)
<add> grad_G_w3_part_2 = d_arctan(Gl3)
<add> grad_G_w3_part_3 = Gl2A
<add> grad_G_w3 = grad_G_w3_part_3.T.dot(grad_G_w3_part_1 * grad_G_w3_part_2)
<add> grad_G_b3 = grad_G_w3_part_1 * grad_G_w3_part_2
<ide>
<del> G_W4 = G_W4 - (learing_rate / (np.sqrt(v11 / (1 - beta_2)) + eps)) * (
<del> m11 / (1 - beta_1)
<del> )
<del> G_b4 = G_b4 - (learing_rate / (np.sqrt(v12 / (1 - beta_2)) + eps)) * (
<del> m12 / (1 - beta_1)
<del> )
<add> grad_G_w2_part_1 = (grad_G_w3_part_1 * grad_G_w3_part_2).dot(G_W3.T)
<add> grad_G_w2_part_2 = d_ReLu(Gl2)
<add> grad_G_w2_part_3 = Gl1A
<add> grad_G_w2 = grad_G_w2_part_3.T.dot(grad_G_w2_part_1 * grad_G_w2_part_2)
<add> grad_G_b2 = grad_G_w2_part_1 * grad_G_w2_part_2
<ide>
<del> G_W5 = G_W5 - (learing_rate / (np.sqrt(v13 / (1 - beta_2)) + eps)) * (
<del> m13 / (1 - beta_1)
<del> )
<del> G_b5 = G_b5 - (learing_rate / (np.sqrt(v14 / (1 - beta_2)) + eps)) * (
<del> m14 / (1 - beta_1)
<del> )
<add> grad_G_w1_part_1 = (grad_G_w2_part_1 * grad_G_w2_part_2).dot(G_W2.T)
<add> grad_G_w1_part_2 = d_arctan(Gl1)
<add> grad_G_w1_part_3 = Z
<add> grad_G_w1 = grad_G_w1_part_3.T.dot(grad_G_w1_part_1 * grad_G_w1_part_2)
<add> grad_G_b1 = grad_G_w1_part_1 * grad_G_w1_part_2
<ide>
<del> G_W6 = G_W6 - (learing_rate / (np.sqrt(v15 / (1 - beta_2)) + eps)) * (
<del> m15 / (1 - beta_1)
<del> )
<del> G_b6 = G_b6 - (learing_rate / (np.sqrt(v16 / (1 - beta_2)) + eps)) * (
<del> m16 / (1 - beta_1)
<del> )
<add> # ---- Update Gradient ----
<add> m5 = beta_1 * m5 + (1 - beta_1) * grad_G_w1
<add> v5 = beta_2 * v5 + (1 - beta_2) * grad_G_w1 ** 2
<ide>
<del> G_W7 = G_W7 - (learing_rate / (np.sqrt(v17 / (1 - beta_2)) + eps)) * (
<del> m17 / (1 - beta_1)
<del> )
<del> G_b7 = G_b7 - (learing_rate / (np.sqrt(v18 / (1 - beta_2)) + eps)) * (
<del> m18 / (1 - beta_1)
<del> )
<add> m6 = beta_1 * m6 + (1 - beta_1) * grad_G_b1
<add> v6 = beta_2 * v6 + (1 - beta_2) * grad_G_b1 ** 2
<add>
<add> m7 = beta_1 * m7 + (1 - beta_1) * grad_G_w2
<add> v7 = beta_2 * v7 + (1 - beta_2) * grad_G_w2 ** 2
<add>
<add> m8 = beta_1 * m8 + (1 - beta_1) * grad_G_b2
<add> v8 = beta_2 * v8 + (1 - beta_2) * grad_G_b2 ** 2
<ide>
<del> # --- Print Error ----
<del> # print("Current Iter: ",iter, " Current D cost:",D_cost, " Current G cost: ", G_cost,end='\r')
<del>
<del> if iter == 0:
<del> learing_rate = learing_rate * 0.01
<del> if iter == 40:
<del> learing_rate = learing_rate * 0.01
<del>
<del> # ---- Print to Out put ----
<del> if iter % 10 == 0:
<del>
<del> print(
<del> "Current Iter: ",
<del> iter,
<del> " Current D cost:",
<del> D_cost,
<del> " Current G cost: ",
<del> G_cost,
<del> end="\r",
<add> m9 = beta_1 * m9 + (1 - beta_1) * grad_G_w3
<add> v9 = beta_2 * v9 + (1 - beta_2) * grad_G_w3 ** 2
<add>
<add> m10 = beta_1 * m10 + (1 - beta_1) * grad_G_b3
<add> v10 = beta_2 * v10 + (1 - beta_2) * grad_G_b3 ** 2
<add>
<add> m11 = beta_1 * m11 + (1 - beta_1) * grad_G_w4
<add> v11 = beta_2 * v11 + (1 - beta_2) * grad_G_w4 ** 2
<add>
<add> m12 = beta_1 * m12 + (1 - beta_1) * grad_G_b4
<add> v12 = beta_2 * v12 + (1 - beta_2) * grad_G_b4 ** 2
<add>
<add> m13 = beta_1 * m13 + (1 - beta_1) * grad_G_w5
<add> v13 = beta_2 * v13 + (1 - beta_2) * grad_G_w5 ** 2
<add>
<add> m14 = beta_1 * m14 + (1 - beta_1) * grad_G_b5
<add> v14 = beta_2 * v14 + (1 - beta_2) * grad_G_b5 ** 2
<add>
<add> m15 = beta_1 * m15 + (1 - beta_1) * grad_G_w6
<add> v15 = beta_2 * v15 + (1 - beta_2) * grad_G_w6 ** 2
<add>
<add> m16 = beta_1 * m16 + (1 - beta_1) * grad_G_b6
<add> v16 = beta_2 * v16 + (1 - beta_2) * grad_G_b6 ** 2
<add>
<add> m17 = beta_1 * m17 + (1 - beta_1) * grad_G_w7
<add> v17 = beta_2 * v17 + (1 - beta_2) * grad_G_w7 ** 2
<add>
<add> m18 = beta_1 * m18 + (1 - beta_1) * grad_G_b7
<add> v18 = beta_2 * v18 + (1 - beta_2) * grad_G_b7 ** 2
<add>
<add> G_W1 = G_W1 - (learing_rate / (np.sqrt(v5 / (1 - beta_2)) + eps)) * (
<add> m5 / (1 - beta_1)
<add> )
<add> G_b1 = G_b1 - (learing_rate / (np.sqrt(v6 / (1 - beta_2)) + eps)) * (
<add> m6 / (1 - beta_1)
<ide> )
<del> print("--------- Show Example Result See Tab Above ----------")
<del> print("--------- Wait for the image to load ---------")
<del> Z = np.random.uniform(-1.0, 1.0, size=[16, G_input])
<ide>
<del> Gl1 = Z.dot(G_W1) + G_b1
<del> Gl1A = arctan(Gl1)
<del> Gl2 = Gl1A.dot(G_W2) + G_b2
<del> Gl2A = ReLu(Gl2)
<del> Gl3 = Gl2A.dot(G_W3) + G_b3
<del> Gl3A = arctan(Gl3)
<add> G_W2 = G_W2 - (learing_rate / (np.sqrt(v7 / (1 - beta_2)) + eps)) * (
<add> m7 / (1 - beta_1)
<add> )
<add> G_b2 = G_b2 - (learing_rate / (np.sqrt(v8 / (1 - beta_2)) + eps)) * (
<add> m8 / (1 - beta_1)
<add> )
<ide>
<del> Gl4 = Gl3A.dot(G_W4) + G_b4
<del> Gl4A = ReLu(Gl4)
<del> Gl5 = Gl4A.dot(G_W5) + G_b5
<del> Gl5A = tanh(Gl5)
<del> Gl6 = Gl5A.dot(G_W6) + G_b6
<del> Gl6A = ReLu(Gl6)
<del> Gl7 = Gl6A.dot(G_W7) + G_b7
<add> G_W3 = G_W3 - (learing_rate / (np.sqrt(v9 / (1 - beta_2)) + eps)) * (
<add> m9 / (1 - beta_1)
<add> )
<add> G_b3 = G_b3 - (learing_rate / (np.sqrt(v10 / (1 - beta_2)) + eps)) * (
<add> m10 / (1 - beta_1)
<add> )
<ide>
<del> current_fake_data = log(Gl7)
<add> G_W4 = G_W4 - (learing_rate / (np.sqrt(v11 / (1 - beta_2)) + eps)) * (
<add> m11 / (1 - beta_1)
<add> )
<add> G_b4 = G_b4 - (learing_rate / (np.sqrt(v12 / (1 - beta_2)) + eps)) * (
<add> m12 / (1 - beta_1)
<add> )
<ide>
<del> fig = plot(current_fake_data)
<del> fig.savefig(
<del> "Click_Me_{}.png".format(
<del> str(iter).zfill(3)
<del> + "_Ginput_"
<del> + str(G_input)
<del> + "_hiddenone"
<del> + str(hidden_input)
<del> + "_hiddentwo"
<del> + str(hidden_input2)
<del> + "_LR_"
<del> + str(learing_rate)
<del> ),
<del> bbox_inches="tight",
<add> G_W5 = G_W5 - (learing_rate / (np.sqrt(v13 / (1 - beta_2)) + eps)) * (
<add> m13 / (1 - beta_1)
<add> )
<add> G_b5 = G_b5 - (learing_rate / (np.sqrt(v14 / (1 - beta_2)) + eps)) * (
<add> m14 / (1 - beta_1)
<ide> )
<del># for complete explanation visit https://towardsdatascience.com/only-numpy-implementing-gan-general-adversarial-networks-and-adam-optimizer-using-numpy-with-2a7e4e032021
<del># -- end code --
<add>
<add> G_W6 = G_W6 - (learing_rate / (np.sqrt(v15 / (1 - beta_2)) + eps)) * (
<add> m15 / (1 - beta_1)
<add> )
<add> G_b6 = G_b6 - (learing_rate / (np.sqrt(v16 / (1 - beta_2)) + eps)) * (
<add> m16 / (1 - beta_1)
<add> )
<add>
<add> G_W7 = G_W7 - (learing_rate / (np.sqrt(v17 / (1 - beta_2)) + eps)) * (
<add> m17 / (1 - beta_1)
<add> )
<add> G_b7 = G_b7 - (learing_rate / (np.sqrt(v18 / (1 - beta_2)) + eps)) * (
<add> m18 / (1 - beta_1)
<add> )
<add>
<add> # --- Print Error ----
<add> # print("Current Iter: ",iter, " Current D cost:",D_cost, " Current G cost: ", G_cost,end='\r')
<add>
<add> if iter == 0:
<add> learing_rate = learing_rate * 0.01
<add> if iter == 40:
<add> learing_rate = learing_rate * 0.01
<add>
<add> # ---- Print to Out put ----
<add> if iter % 10 == 0:
<add>
<add> print(
<add> "Current Iter: ",
<add> iter,
<add> " Current D cost:",
<add> D_cost,
<add> " Current G cost: ",
<add> G_cost,
<add> end="\r",
<add> )
<add> print("--------- Show Example Result See Tab Above ----------")
<add> print("--------- Wait for the image to load ---------")
<add> Z = np.random.uniform(-1.0, 1.0, size=[16, G_input])
<add>
<add> Gl1 = Z.dot(G_W1) + G_b1
<add> Gl1A = arctan(Gl1)
<add> Gl2 = Gl1A.dot(G_W2) + G_b2
<add> Gl2A = ReLu(Gl2)
<add> Gl3 = Gl2A.dot(G_W3) + G_b3
<add> Gl3A = arctan(Gl3)
<add>
<add> Gl4 = Gl3A.dot(G_W4) + G_b4
<add> Gl4A = ReLu(Gl4)
<add> Gl5 = Gl4A.dot(G_W5) + G_b5
<add> Gl5A = tanh(Gl5)
<add> Gl6 = Gl5A.dot(G_W6) + G_b6
<add> Gl6A = ReLu(Gl6)
<add> Gl7 = Gl6A.dot(G_W7) + G_b7
<add>
<add> current_fake_data = log(Gl7)
<add>
<add> fig = plot(current_fake_data)
<add> fig.savefig(
<add> "Click_Me_{}.png".format(
<add> str(iter).zfill(3)
<add> + "_Ginput_"
<add> + str(G_input)
<add> + "_hiddenone"
<add> + str(hidden_input)
<add> + "_hiddentwo"
<add> + str(hidden_input2)
<add> + "_LR_"
<add> + str(learing_rate)
<add> ),
<add> bbox_inches="tight",
<add> )
<add> # for complete explanation visit https://towardsdatascience.com/only-numpy-implementing-gan-general-adversarial-networks-and-adam-optimizer-using-numpy-with-2a7e4e032021
<add> # -- end code --
<ide><path>web_programming/crawl_google_results.py
<ide> from fake_useragent import UserAgent
<ide> import requests
<ide>
<del>print("Googling.....")
<del>url = "https://www.google.com/search?q=" + " ".join(sys.argv[1:])
<del>res = requests.get(url, headers={"UserAgent": UserAgent().random})
<del># res.raise_for_status()
<del>with open("project1a.html", "wb") as out_file: # only for knowing the class
<del> for data in res.iter_content(10000):
<del> out_file.write(data)
<del>soup = BeautifulSoup(res.text, "html.parser")
<del>links = list(soup.select(".eZt8xd"))[:5]
<ide>
<del>print(len(links))
<del>for link in links:
<del> webbrowser.open(f"http://google.com{link.get('href')}")
<add>if __name__ == "__main__":
<add> print("Googling.....")
<add> url = "https://www.google.com/search?q=" + " ".join(sys.argv[1:])
<add> res = requests.get(url, headers={"UserAgent": UserAgent().random})
<add> # res.raise_for_status()
<add> with open("project1a.html", "wb") as out_file: # only for knowing the class
<add> for data in res.iter_content(10000):
<add> out_file.write(data)
<add> soup = BeautifulSoup(res.text, "html.parser")
<add> links = list(soup.select(".eZt8xd"))[:5]
<add>
<add> print(len(links))
<add> for link in links:
<add> webbrowser.open(f"http://google.com{link.get('href')}") | 4 |
Ruby | Ruby | add failing test case for | 1cf73a6fed772ec6b02cd8c7e8d0e93cb2f17c57 | <ide><path>activerecord/test/cases/dirty_test.rb
<ide> def test_setting_time_attributes_with_time_zone_field_to_same_time_should_not_be
<ide> end
<ide> end
<ide>
<add> def test_datetime_attribute_can_be_updated_with_fractional_seconds
<add> in_time_zone 'Paris' do
<add> target = Class.new(ActiveRecord::Base)
<add> target.table_name = 'topics'
<add>
<add> written_on = Time.utc(2012, 12, 1, 12, 0, 0).in_time_zone('Paris')
<add>
<add> topic = target.create(:written_on => written_on)
<add> topic.written_on += 0.3
<add>
<add> assert topic.written_on_changed?, 'Fractional second update not detected'
<add> end
<add> end
<add>
<ide> test "partial insert" do
<ide> with_partial_writes Person do
<ide> jon = nil | 1 |
PHP | PHP | prefer stricter negative comparisons with strings | e2efbcbc609047f7342252fc12dfbaa4682f8b38 | <ide><path>src/Illuminate/Foundation/Testing/Concerns/MakesHttpRequests.php
<ide> protected function transformHeadersToServerVars(array $headers)
<ide> */
<ide> protected function formatServerHeaderKey($name)
<ide> {
<del> if (! Str::startsWith($name, 'HTTP_') && $name != 'CONTENT_TYPE' && $name != 'REMOTE_ADDR') {
<add> if (! Str::startsWith($name, 'HTTP_') && $name !== 'CONTENT_TYPE' && $name !== 'REMOTE_ADDR') {
<ide> return 'HTTP_'.$name;
<ide> }
<ide>
<ide><path>src/Illuminate/Mail/Mailable.php
<ide> public function buildViewData()
<ide> $data = $this->viewData;
<ide>
<ide> foreach ((new ReflectionClass($this))->getProperties(ReflectionProperty::IS_PUBLIC) as $property) {
<del> if ($property->getDeclaringClass()->getName() != self::class) {
<add> if ($property->getDeclaringClass()->getName() !== self::class) {
<ide> $data[$property->getName()] = $property->getValue($this);
<ide> }
<ide> } | 2 |
Javascript | Javascript | redirect user to current challenge | 776b5156c14151df3fe355b7c6ea72886605e0cf | <ide><path>server/boot/challenge.js
<ide> const isDev = process.env.NODE_ENV !== 'production';
<ide> const isBeta = !!process.env.BETA;
<ide> const debug = debugFactory('freecc:challenges');
<ide> const challengesRegex = /^(bonfire|waypoint|zipline|basejump|checkpoint)/i;
<del>const firstChallenge = 'waypoint-learn-how-free-code-camp-works';
<ide> const challengeView = {
<ide> 0: 'challenges/showHTML',
<ide> 1: 'challenges/showJS',
<ide> function getSuperBlocks$(challenge$, completedChallenges) {
<ide> .toArray();
<ide> }
<ide>
<add>function getChallengeById$(challenge$, challengeId) {
<add> // return first challenge if no id is given
<add> if (!challengeId) {
<add> return challenge$
<add> .map(challenge => challenge.toJSON())
<add> .filter(shouldNotFilterComingSoon)
<add> // filter out hikes
<add> .filter(({ superBlock }) => !(/hikes/gi).test(superBlock))
<add> .first();
<add> }
<add> return challenge$
<add> .map(challenge => challenge.toJSON())
<add> // filter out challenges coming soon
<add> .filter(shouldNotFilterComingSoon)
<add> // filter out hikes
<add> .filter(({ superBlock }) => !(/hikes/gi).test(superBlock))
<add> .filter(({ id }) => id === challengeId);
<add>}
<add>
<add>function getNextChallenge$(challenge$, blocks$, challengeId) {
<add> return getChallengeById$(challenge$, challengeId)
<add> // now lets find the block it belongs to
<add> .flatMap(challenge => {
<add> // find the index of the block this challenge resides in
<add> const blockIndex$ = blocks$
<add> .findIndex(({ name }) => name === challenge.block);
<add>
<add>
<add> return blockIndex$
<add> .flatMap(blockIndex => {
<add> // could not find block?
<add> if (blockIndex === -1) {
<add> return Observable.throw(
<add> 'could not find challenge block for ' + challenge.block
<add> );
<add> }
<add> const firstChallengeOfNextBlock$ = blocks$
<add> .elementAt(blockIndex + 1, {})
<add> .map(({ challenges = [] }) => challenges[0]);
<add>
<add> return blocks$
<add> .filter(shouldNotFilterComingSoon)
<add> .elementAt(blockIndex)
<add> .flatMap(block => {
<add> // find where our challenge lies in the block
<add> const challengeIndex$ = Observable.from(
<add> block.challenges,
<add> null,
<add> null,
<add> Scheduler.default
<add> )
<add> .findIndex(({ id }) => id === challengeId);
<add>
<add> // grab next challenge in this block
<add> return challengeIndex$
<add> .map(index => {
<add> return block.challenges[index + 1];
<add> })
<add> .flatMap(nextChallenge => {
<add> if (!nextChallenge) {
<add> return firstChallengeOfNextBlock$;
<add> }
<add> return Observable.just(nextChallenge);
<add> });
<add> });
<add> });
<add> })
<add> .first();
<add>}
<add>
<ide> module.exports = function(app) {
<ide> const router = app.loopback.Router();
<ide>
<ide> module.exports = function(app) {
<ide> })
<ide> .shareReplay();
<ide>
<add> const firstChallenge$ = challenge$
<add> .first()
<add> .map(challenge => challenge.toJSON())
<add> .shareReplay();
<add>
<add> const lastChallenge$ = challenge$
<add> .last()
<add> .map(challenge => challenge.toJSON())
<add> .shareReplay();
<add>
<ide> const User = app.models.User;
<ide> const send200toNonUser = ifNoUserSend(true);
<ide>
<ide> module.exports = function(app) {
<ide>
<ide> router.get('/map', showMap.bind(null, false));
<ide> router.get('/map-minimal', showMap.bind(null, true));
<add> router.get(
<add> '/challenges/current-challenge',
<add> redirectToCurrentChallenge
<add> );
<ide> router.get(
<ide> '/challenges/next-challenge',
<del> returnNextChallenge
<add> redirectToNextChallenge
<ide> );
<ide>
<ide> router.get('/challenges/:challengeName', showChallenge);
<ide>
<ide> app.use(router);
<ide>
<del> function returnNextChallenge(req, res, next) {
<del> let nextChallengeName = firstChallenge;
<del>
<del> const challengeId = req.query.id;
<del>
<del> // find challenge
<del> return challenge$
<del> .map(challenge => challenge.toJSON())
<del> // filter out challenges coming soon
<del> .filter(shouldNotFilterComingSoon)
<del> // filter out hikes
<del> .filter(({ superBlock }) => !(/hikes/gi).test(superBlock))
<del> .filter(({ id }) => id === challengeId)
<del> // now lets find the block it belongs to
<del> .flatMap(challenge => {
<del> // find the index of the block this challenge resides in
<del> const blockIndex$ = blocks$
<del> .findIndex(({ name }) => name === challenge.block);
<del>
<del>
<del> return blockIndex$
<del> .flatMap(blockIndex => {
<del> // could not find block?
<del> if (blockIndex === -1) {
<del> return Observable.throw(
<del> 'could not find challenge block for ' + challenge.block
<del> );
<del> }
<del> const firstChallengeOfNextBlock$ = blocks$
<del> .elementAt(blockIndex + 1, {})
<del> .map(({ challenges = [] }) => challenges[0]);
<del>
<del> return blocks$
<del> .filter(shouldNotFilterComingSoon)
<del> .elementAt(blockIndex)
<del> .flatMap(block => {
<del> // find where our challenge lies in the block
<del> const challengeIndex$ = Observable.from(
<del> block.challenges,
<del> null,
<del> null,
<del> Scheduler.default
<del> )
<del> .findIndex(({ id }) => id === challengeId);
<del>
<del> // grab next challenge in this block
<del> return challengeIndex$
<del> .map(index => {
<del> return block.challenges[index + 1];
<del> })
<del> .flatMap(nextChallenge => {
<del> if (!nextChallenge) {
<del> return firstChallengeOfNextBlock$;
<del> }
<del> return Observable.just(nextChallenge);
<del> });
<del> });
<add> function redirectToCurrentChallenge(req, res, next) {
<add> const challengeId = req.query.id || req.cookies.currentChallengeId;
<add> getChallengeById$(challenge$, challengeId)
<add> .doOnNext(({ dashedName })=> {
<add> if (!dashedName) {
<add> debug('no challenge found for %s', challengeId);
<add> req.flash('info', {
<add> msg: `We coudn't find a challenge with the id ${challengeId}`
<ide> });
<del> })
<del> .map(nextChallenge => {
<del> if (!nextChallenge) {
<del> return null;
<add> res.redirect('/map');
<ide> }
<del> nextChallengeName = nextChallenge.dashedName;
<del> return nextChallengeName;
<add> res.redirect('/challenges/' + dashedName);
<ide> })
<del> .subscribe(
<del> function() {},
<del> next,
<del> function() {
<del> debug('next challengeName', nextChallengeName);
<del> if (!nextChallengeName || nextChallengeName === firstChallenge) {
<del> req.flash('info', {
<del> msg: dedent`
<del> Once you have completed all of our challenges, you should
<del> join our <a href="https://gitter.im/freecodecamp/HalfWayClub"
<del> target="_blank">Half Way Club</a> and start getting
<del> ready for our nonprofit projects.
<del> `.split('\n').join(' ')
<add> .subscribe(() => {}, next);
<add> }
<add>
<add> function redirectToNextChallenge(req, res, next) {
<add> const challengeId = req.query.id || req.cookies.currentChallengeId;
<add>
<add> Observable.combineLatest(
<add> firstChallenge$,
<add> lastChallenge$,
<add> )
<add> .flatMap(([firstChallenge, { id: lastChallengeId } ]) => {
<add> // no id supplied, load first challenge
<add> if (!challengeId) {
<add> return Observable.just(firstChallenge);
<add> }
<add> // camper just completed last challenge
<add> if (challengeId === lastChallengeId) {
<add> return Observable.just()
<add> .doOnCompleted(() => {
<add> req.flash('info', {
<add> msg: dedent`
<add> Once you have completed all of our challenges, you should
<add> join our <a href="https://gitter.im/freecodecamp/HalfWayClub"
<add> target="_blank">Half Way Club</a> and start getting
<add> ready for our nonprofit projects.
<add> `.split('\n').join(' ')
<add> });
<add> return res.redirect('/map');
<ide> });
<del> return res.redirect('/map');
<del> }
<del> res.redirect('/challenges/' + nextChallengeName);
<ide> }
<del> );
<add>
<add> return getNextChallenge$(challenge$, blocks$, challengeId)
<add> .doOnNext(({ dashedName } = {}) => {
<add> if (!dashedName) {
<add> debug('no challenge found for %s', challengeId);
<add> res.redirect('/map');
<add> }
<add> res.redirect('/challenges/' + dashedName);
<add> });
<add> })
<add> .subscribe(() => {}, next);
<ide> }
<ide>
<ide> function showChallenge(req, res, next) {
<ide> module.exports = function(app) {
<ide> return res.redirect(redirectUrl);
<ide> }
<ide> var view = challengeView[data.challengeType];
<add> res.cookie('currentChallengeId', data.id);
<ide> res.render(view, data);
<ide> },
<ide> next,
<ide><path>server/boot/home.js
<ide> module.exports = function(app) {
<ide>
<ide> function index(req, res) {
<ide> if (req.user) {
<del> return res.redirect('/map');
<add> return res.redirect('/challenges/current-challenge');
<ide> }
<ide> res.render('home', { title: message });
<ide> }
<ide><path>server/boot/user.js
<ide> module.exports = function(app) {
<ide> (user) => {
<ide> if (!user) {
<ide> req.flash('errors', {
<del> msg: `404: We couldn't find the user with the username ${username}`
<add> msg: `We couldn't find the user with the username ${username}`
<ide> });
<ide> return res.redirect('/');
<ide> } | 3 |
Javascript | Javascript | add test for momentproperties and cloning | 059d1c094a5b9e09a7470e5e45c1f505b6b8d48f | <ide><path>test/moment/create.js
<ide> exports.create = {
<ide> test.done();
<ide> },
<ide>
<add> "cloning respects moment.momentProperties" : function (test) {
<add> var m = moment();
<add>
<add> test.equal(m.clone()._special, undefined, "cloning ignores extra properties");
<add> m._special = "bacon";
<add> moment.momentProperties.push("_special");
<add> test.equal(m.clone()._special, "bacon", "cloning respects momentProperties");
<add> moment.momentProperties.pop();
<add>
<add> test.done();
<add> },
<add>
<ide> "undefined" : function (test) {
<ide> test.expect(1);
<ide> test.ok(moment().toDate() instanceof Date, "undefined"); | 1 |
Python | Python | add trig funcs for numpy backend | 4dea0f867aa29c4e6bda2a66cdf1254adfa20400 | <ide><path>tests/keras/backend/backend_test.py
<ide> def test_elementwise_operations(self):
<ide> check_single_tensor_operation('clip', (4, 2), WITH_NP, min_value=0.4,
<ide> max_value=0.6)
<ide>
<add> check_single_tensor_operation('cos', (4, 2), WITH_NP)
<add> check_single_tensor_operation('sin', (4, 2), WITH_NP)
<add>
<ide> # two-tensor ops
<ide> check_two_tensor_operation('equal', (4, 2), (4, 2), WITH_NP)
<ide> check_two_tensor_operation('not_equal', (4, 2), (4, 2), WITH_NP)
<ide><path>tests/keras/backend/reference_operations.py
<ide> def resize_volumes(x, depth_factor, height_factor, width_factor, data_format):
<ide> sign = np.sign
<ide> expand_dims = np.expand_dims
<ide> squeeze = np.squeeze
<add>cos = np.cos
<add>sin = np.sin | 2 |
Go | Go | restrict secret view to node level in controller | 8392123f303e55902ac42544f0e7e226855592f6 | <ide><path>daemon/cluster/executor/container/executor.go
<ide> func (e *executor) Controller(t *api.Task) (exec.Controller, error) {
<ide> return newNetworkAttacherController(e.backend, t, e.secrets)
<ide> }
<ide>
<del> ctlr, err := newController(e.backend, t, e.secrets)
<add> ctlr, err := newController(e.backend, t, secrets.Restrict(e.secrets, t))
<ide> if err != nil {
<ide> return nil, err
<ide> } | 1 |
Javascript | Javascript | add test for http outgoing internal headers | f406a7ebaee09c00b6dec330e17897924096c30d | <ide><path>test/parallel/test-http-outgoing-internal-headers.js
<add>// Flags: --expose-internals
<add>'use strict';
<add>const common = require('../common');
<add>const assert = require('assert');
<add>
<add>const { outHeadersKey } = require('internal/http');
<add>const { OutgoingMessage } = require('http');
<add>
<add>{
<add> // tests for _headers get method
<add> const outgoingMessage = new OutgoingMessage();
<add> outgoingMessage.getHeaders = common.mustCall();
<add> outgoingMessage._headers;
<add>}
<add>
<add>{
<add> // tests for _headers set method
<add> const outgoingMessage = new OutgoingMessage();
<add> outgoingMessage._headers = {
<add> host: 'risingstack.com',
<add> Origin: 'localhost'
<add> };
<add>
<add> assert.deepStrictEqual(outgoingMessage[outHeadersKey], {
<add> host: ['host', 'risingstack.com'],
<add> origin: ['Origin', 'localhost']
<add> });
<add>} | 1 |
Javascript | Javascript | remove remaining ray normalization in raycaster | 8b446fb57f9595393a97a08b4edcf82682a69a68 | <ide><path>src/core/Raycaster.js
<ide> /**
<ide> * @author mrdoob / http://mrdoob.com/
<ide> * @author bhouston / http://exocortex.com/
<add> * @author stephomi / http://stephaneginier.com/
<ide> */
<ide>
<ide> ( function ( THREE ) {
<ide>
<ide> THREE.Raycaster = function ( origin, direction, near, far ) {
<ide>
<ide> this.ray = new THREE.Ray( origin, direction );
<del>
<del> // normalized ray.direction required for accurate distance calculations
<del> if ( this.ray.direction.lengthSq() > 0 ) {
<del>
<del> this.ray.direction.normalize();
<del>
<del> }
<add> // direction is assumed to be normalized (for accurate distance calculations)
<ide>
<ide> this.near = near || 0;
<ide> this.far = far || Infinity;
<ide>
<ide> intersects.push( {
<ide>
<del> // this works because the original ray was normalized,
<del> // and the transformed localRay wasn't
<ide> distance: distance,
<ide> point: interPoint,
<ide> face: null,
<ide>
<ide> inverseMatrix.getInverse( object.matrixWorld );
<ide> localRay.copy( raycaster.ray ).applyMatrix4( inverseMatrix );
<del> localRay.direction.normalize(); // for scale matrix
<ide>
<ide> var vertices = geometry.vertices;
<ide> var nbVertices = vertices.length;
<ide> THREE.Raycaster.prototype.set = function ( origin, direction ) {
<ide>
<ide> this.ray.set( origin, direction );
<del>
<del> // normalized ray.direction required for accurate distance calculations
<del> if ( this.ray.direction.length() > 0 ) {
<del>
<del> this.ray.direction.normalize();
<del>
<del> }
<add> // direction is assumed to be normalized (for accurate distance calculations)
<ide>
<ide> };
<ide> | 1 |
Javascript | Javascript | rearrange inspector headers into convention | aae0d4559c9904db4168c30eb45552600599a238 | <ide><path>test/inspector/test-inspector-debug-brk.js
<ide> 'use strict';
<ide> const common = require('../common');
<add>
<ide> common.skipIfInspectorDisabled();
<add>
<ide> const assert = require('assert');
<ide> const helper = require('./inspector-helper.js');
<ide>
<ide><path>test/inspector/test-inspector-ip-detection.js
<ide> 'use strict';
<ide> const common = require('../common');
<add>
<ide> common.skipIfInspectorDisabled();
<ide>
<ide> const assert = require('assert');
<ide><path>test/inspector/test-inspector-port-zero-cluster.js
<ide> // Flags: --inspect=0
<ide> 'use strict';
<del>
<ide> const common = require('../common');
<add>
<ide> common.skipIfInspectorDisabled();
<add>
<ide> const assert = require('assert');
<ide> const cluster = require('cluster');
<ide>
<ide><path>test/inspector/test-inspector-port-zero.js
<ide> 'use strict';
<del>
<ide> const { mustCall, skipIfInspectorDisabled } = require('../common');
<add>
<ide> skipIfInspectorDisabled();
<add>
<ide> const assert = require('assert');
<ide> const { URL } = require('url');
<ide> const { spawn } = require('child_process');
<ide><path>test/inspector/test-inspector-stops-no-file.js
<ide> 'use strict';
<ide> require('../common');
<add>
<ide> const spawn = require('child_process').spawn;
<ide>
<ide> const child = spawn(process.execPath,
<ide><path>test/inspector/test-inspector.js
<ide> 'use strict';
<ide> const common = require('../common');
<add>
<ide> common.skipIfInspectorDisabled();
<add>
<ide> const assert = require('assert');
<ide> const helper = require('./inspector-helper.js');
<ide>
<ide><path>test/parallel/test-cluster-inspector-debug-port.js
<ide> 'use strict';
<ide> // Flags: --inspect={PORT}
<ide> const common = require('../common');
<add>
<ide> common.skipIfInspectorDisabled();
<add>
<ide> const assert = require('assert');
<ide> const cluster = require('cluster');
<ide> const debuggerPort = common.PORT;
<ide><path>test/parallel/test-inspector-invalid-args.js
<ide> 'use strict';
<add>const common = require('../common');
<add>
<add>common.skipIfInspectorDisabled();
<add>
<ide> const assert = require('assert');
<ide> const execFile = require('child_process').execFile;
<ide> const path = require('path');
<ide>
<del>const common = require('../common');
<del>common.skipIfInspectorDisabled();
<del>
<ide> const mainScript = path.join(common.fixturesDir, 'loop.js');
<ide> const expected =
<ide> '`node --debug` and `node --debug-brk` are invalid. ' + | 8 |
Javascript | Javascript | remove an extra space | 1f8fd19d67108970fcfbc876432d6a51ebc9d5ba | <ide><path>examples/js/loaders/GLTFLoader.js
<ide> THREE.GLTFLoader = ( function () {
<ide> lightNode = new THREE.PointLight( color );
<ide> break;
<ide>
<del> case "spot ":
<add> case "spot":
<ide> lightNode = new THREE.SpotLight( color );
<ide> lightNode.position.set( 0, 0, 1 );
<ide> break; | 1 |
Python | Python | fix the syntax so it works with python 2.5 | e13c2b3fd26fce3f7abfab3fc405dbd4753a7ae5 | <ide><path>test/compute/test_brightbox.py
<ide> def test_invalid_api_version(self):
<ide> self.assertRaises(Exception, self.driver.list_locations)
<ide>
<ide> def test_other_host(self):
<del> self.driver = BrightboxNodeDriver(*BRIGHTBOX_PARAMS, host='api.gbt.brightbox.com')
<add> kwargs = {'host': 'api.gbt.brightbox.com'}
<add> self.driver = BrightboxNodeDriver(*BRIGHTBOX_PARAMS, **kwargs)
<ide> locations = self.driver.list_locations()
<ide> self.assertEqual(len(locations), 0)
<ide> | 1 |
Python | Python | fix dagrun prefix for performance script | f17b4bbb8985019121856e890bd81521647f278c | <ide><path>scripts/perf/scheduler_dag_execution_timing.py
<ide> def create_dag_runs(dag, num_runs, session):
<ide> '''
<ide> Create `num_runs` of dag runs for sub-sequent schedules
<ide> '''
<del> from airflow.models.dagrun import DagRun
<ide> from airflow.utils import timezone
<ide> from airflow.utils.state import State
<ide>
<ide> next_run_date = dag.normalize_schedule(dag.start_date or min(t.start_date for t in dag.tasks))
<ide>
<ide> for _ in range(num_runs):
<ide> dag.create_dagrun(
<del> run_id=DagRun.ID_PREFIX + next_run_date.isoformat(),
<add> run_id="scheduled__" + next_run_date.isoformat(),
<ide> execution_date=next_run_date,
<ide> start_date=timezone.utcnow(),
<ide> state=State.RUNNING, | 1 |
Text | Text | add import to example for filtering | a4af8cc623d19e916bca97bb0f303becf7ba0f29 | <ide><path>docs/api-guide/filtering.md
<ide> For more advanced filtering requirements you can specify a `FilterSet` class tha
<ide> import django_filters
<ide> from myapp.models import Product
<ide> from myapp.serializers import ProductSerializer
<add> from rest_framework import filters
<ide> from rest_framework import generics
<ide>
<ide> class ProductFilter(django_filters.FilterSet): | 1 |
Text | Text | extend disclaimer for dynamic image imports | 98acfaf8ccd21e6965dc5c9ca38d15c454848838 | <ide><path>docs/api-reference/next/image.md
<ide> Should only be used when the image is visible above the fold. Defaults to
<ide>
<ide> A placeholder to use while the image is loading, possible values are `blur` or `empty`. Defaults to `empty`.
<ide>
<del>When `blur`, the [`blurDataURL`](#blurdataurl) property will be used as the placeholder. If `src` is an object from a static import and the imported image is jpg, png, or webp, then `blurDataURL` will automatically be populated. Otherwise you must provide the [`blurDataURL`](#blurdataurl) property.
<add>When `blur`, the [`blurDataURL`](#blurdataurl) property will be used as the placeholder. If `src` is an object from a static import and the imported image is jpg, png, or webp, then `blurDataURL` will automatically be populated.
<add>
<add>For dynamic images, you must provide the [`blurDataURL`](#blurdataurl) property. Solutions such as [Plaiceholder](https://github.com/joe-bell/plaiceholder) can help with `base64` generation.
<ide>
<ide> When `empty`, there will be no placeholder while the image is loading, only empty space.
<ide>
<ide><path>docs/basic-features/image-optimization.md
<ide> function Home() {
<ide> }
<ide> ```
<ide>
<del>For dynamic images you have to provide `width`, `height` and `blurDataURL` manually.
<add>For dynamic or remote images, you'll have to provide [`width`](/docs/api-reference/next/image#width), [`height`](/docs/api-reference/next/image#height) and [`blurDataURL`](/docs/api-reference/next/image#blurdataurl) manually.
<ide>
<ide> ## Properties
<ide> | 2 |
PHP | PHP | remove i18n\translatorfactory classes | 4ee8c34856825d8d87497d7d6322d1bb2137112a | <ide><path>src/I18n/I18n.php
<ide> public static function translators(): TranslatorRegistry
<ide> return new IcuFormatter();
<ide> },
<ide> ]),
<del> new TranslatorFactory(),
<ide> static::getLocale()
<ide> );
<ide>
<ide><path>src/I18n/TranslatorFactory.php
<del><?php
<del>declare(strict_types=1);
<del>
<del>/**
<del> * CakePHP(tm) : Rapid Development Framework (https://cakephp.org)
<del> * Copyright (c) Cake Software Foundation, Inc. (https://cakefoundation.org)
<del> *
<del> * Licensed under The MIT License
<del> * For full copyright and license information, please see the LICENSE.txt
<del> * Redistributions of files must retain the above copyright notice.
<del> *
<del> * @copyright Copyright (c) Cake Software Foundation, Inc. (https://cakefoundation.org)
<del> * @link https://cakephp.org CakePHP(tm) Project
<del> * @since 3.3.12
<del> * @license https://opensource.org/licenses/mit-license.php MIT License
<del> */
<del>namespace Cake\I18n;
<del>
<del>use RuntimeException;
<del>
<del>/**
<del> * Factory to create translators
<del> */
<del>class TranslatorFactory
<del>{
<del> /**
<del> * The class to use for new instances.
<del> *
<del> * @var string
<del> * @psalm-var class-string<\Cake\I18n\Translator>
<del> */
<del> protected $class = Translator::class;
<del>
<del> /**
<del> * Returns a new Translator.
<del> *
<del> * @param string $locale The locale code for the translator.
<del> * @param \Cake\I18n\Package $package The Package containing keys and translations.
<del> * @param \Cake\I18n\FormatterInterface $formatter The formatter to use for interpolating token values.
<del> * @param \Cake\I18n\Translator $fallback A fallback translator to use, if any.
<del> * @throws \Cake\Core\Exception\Exception If fallback class does not match Cake\I18n\Translator
<del> * @return \Cake\I18n\Translator
<del> */
<del> public function newInstance(
<del> $locale,
<del> Package $package,
<del> FormatterInterface $formatter,
<del> ?Translator $fallback = null
<del> ) {
<del> $class = $this->class;
<del> if ($fallback !== null && get_class($fallback) !== $class) {
<del> throw new RuntimeException(sprintf(
<del> 'Translator fallback class %s does not match Cake\I18n\Translator, try clearing your _cake_core_ cache',
<del> get_class($fallback)
<del> ));
<del> }
<del>
<del> return new $class($locale, $package, $formatter, $fallback);
<del> }
<del>}
<ide><path>src/I18n/TranslatorRegistry.php
<ide> class TranslatorRegistry
<ide> */
<ide> protected $locale;
<ide>
<del> /**
<del> * A translator factory.
<del> *
<del> * @var \Cake\I18n\TranslatorFactory
<del> */
<del> protected $factory;
<del>
<ide> /**
<ide> * A package locator.
<ide> *
<ide> class TranslatorRegistry
<ide> *
<ide> * @param \Cake\I18n\PackageLocator $packages The package locator.
<ide> * @param \Cake\I18n\FormatterLocator $formatters The formatter locator.
<del> * @param \Cake\I18n\TranslatorFactory $factory A translator factory to
<del> * create translator objects for the locale and package.
<ide> * @param string $locale The default locale code to use.
<ide> */
<ide> public function __construct(
<ide> PackageLocator $packages,
<ide> FormatterLocator $formatters,
<del> TranslatorFactory $factory,
<ide> string $locale
<ide> ) {
<ide> $this->packages = $packages;
<del> $this->factory = $factory;
<ide> $this->formatters = $formatters;
<ide> $this->setLocale($locale);
<ide>
<ide> protected function _getTranslator(string $name, string $locale): Translator
<ide> protected function createInstance(string $name, string $locale): Translator
<ide> {
<ide> $package = $this->packages->get($name, $locale);
<add> $fallback = $this->get($package->getFallback(), $locale);
<add> $formatter = $this->formatters->get($package->getFormatter());
<ide>
<del> $translator = $this->factory->newInstance(
<del> $locale,
<del> $package,
<del> $this->formatters->get($package->getFormatter()),
<del> $this->get($package->getFallback(), $locale)
<del> );
<del>
<del> return $translator;
<add> return new Translator($locale, $package, $formatter, $fallback);
<ide> }
<ide>
<ide> /**
<ide><path>tests/TestCase/I18n/TranslatorFactoryTest.php
<del><?php
<del>declare(strict_types=1);
<del>
<del>/**
<del> * CakePHP(tm) : Rapid Development Framework (https://cakephp.org)
<del> * Copyright (c) Cake Software Foundation, Inc. (https://cakefoundation.org)
<del> *
<del> * Licensed under The MIT License
<del> * For full copyright and license information, please see the LICENSE.txt
<del> * Redistributions of files must retain the above copyright notice
<del> *
<del> * @copyright Copyright (c) Cake Software Foundation, Inc. (https://cakefoundation.org)
<del> * @link https://cakephp.org CakePHP(tm) Project
<del> * @since 3.3.14
<del> * @license https://opensource.org/licenses/mit-license.php MIT License
<del> */
<del>namespace Cake\Test\TestCase\I18n;
<del>
<del>use Cake\I18n\FormatterInterface;
<del>use Cake\I18n\Package;
<del>use Cake\I18n\Translator;
<del>use Cake\I18n\TranslatorFactory;
<del>use Cake\TestSuite\TestCase;
<del>
<del>/**
<del> * TranslatorFactory Test class
<del> */
<del>class TranslatorFactoryTest extends TestCase
<del>{
<del> /**
<del> * Test that errors are emitted when stale cache files are found.
<del> */
<del> public function testNewInstanceErrorOnFallback()
<del> {
<del> $this->expectException(\RuntimeException::class);
<del> $this->expectExceptionMessage('Translator fallback class');
<del> $formatter = $this->getMockBuilder(FormatterInterface::class)->getMock();
<del> $package = $this->getMockBuilder(Package::class)->getMock();
<del> $fallback = $this->getMockBuilder(Translator::class)->disableOriginalConstructor()->getMock();
<del> $factory = new TranslatorFactory();
<del> $factory->newInstance('en_CA', $package, $formatter, $fallback);
<del> }
<del>}
<ide><path>tests/TestCase/I18n/TranslatorRegistryTest.php
<ide> use Cake\I18n\Package;
<ide> use Cake\I18n\PackageLocator;
<ide> use Cake\I18n\Translator;
<del>use Cake\I18n\TranslatorFactory;
<ide> use Cake\I18n\TranslatorRegistry;
<ide> use Cake\TestSuite\TestCase;
<ide>
<ide> class TranslatorRegistryTest extends TestCase
<ide> */
<ide> public function testGetNullPackageInitializationFromCache()
<ide> {
<del> $translatorFactory = $this->getMockBuilder(TranslatorFactory::class)->getMock();
<ide> $packageLocator = $this->getMockBuilder(PackageLocator::class)->getMock();
<ide> $package = $this->getMockBuilder(Package::class)->getMock();
<ide> $formatter = $this->getMockBuilder(SprintfFormatter::class)->getMock();
<ide> public function testGetNullPackageInitializationFromCache()
<ide> ->method('getPackage')
<ide> ->willReturn($package);
<ide>
<del> $translatorFactory
<del> ->method('newInstance')
<del> ->willReturn($translatorNonNullPackage);
<del>
<ide> $formatterLocator
<ide> ->method('get')
<ide> ->willReturn($formatter);
<ide> public function testGetNullPackageInitializationFromCache()
<ide> ->method('read')
<ide> ->willReturn($translatorNullPackage);
<ide>
<del> $registry = new TranslatorRegistry($packageLocator, $formatterLocator, $translatorFactory, 'en_CA');
<add> $registry = new TranslatorRegistry($packageLocator, $formatterLocator, 'en_CA');
<ide> $registry->setCacher($cacheEngineNullPackage);
<ide>
<ide> $this->assertNotNull($registry->get('default')->getPackage()); | 5 |
Python | Python | remove duplicate words | 2ca3fb270a34ab69637f88bce9b3b15222b83069 | <ide><path>tests/jobs/test_scheduler_job.py
<ide> def test_find_executable_task_instances_in_default_pool(self):
<ide> session.merge(ti2)
<ide> session.flush()
<ide>
<del> # One task w/o pool up for execution and one task task running
<add> # One task w/o pool up for execution and one task running
<ide> res = scheduler._executable_task_instances_to_queued(max_tis=32, session=session)
<ide> assert 0 == len(res)
<ide>
<ide><path>tests/providers/google/cloud/utils/gcp_authenticator.py
<ide> def gcp_store_authentication(self):
<ide>
<ide> def gcp_restore_authentication(self):
<ide> """
<del> Restore authentication to the original one one.
<add> Restore authentication to the original one.
<ide> """
<ide> self._validate_key_set()
<ide> if GcpAuthenticator.original_account: | 2 |
PHP | PHP | use max() instead of ternary in db offset | 79b69790ff4415221c96d8df0f41282cadd18009 | <ide><path>src/Illuminate/Database/Query/Builder.php
<ide> public function orderByRaw($sql, $bindings = array())
<ide> */
<ide> public function offset($value)
<ide> {
<del> $this->offset = $value > 0 ? $value : 0;
<add> $this->offset = max(0, $value);
<ide>
<ide> return $this;
<ide> } | 1 |
PHP | PHP | add more tests for ordering the year select | d53039f2737b40adfc81f528a29c656922ab3f8f | <ide><path>tests/TestCase/View/Input/DateTimeTest.php
<ide> public function testRenderYearWidgetOrdering() {
<ide> 'year' => [
<ide> 'start' => 2013,
<ide> 'end' => 2015,
<add> 'order' => 'desc',
<ide> ],
<ide> 'month' => false,
<ide> 'day' => false,
<ide> public function testRenderYearWidgetOrdering() {
<ide> '/select',
<ide> ];
<ide> $this->assertTags($result, $expected);
<del> }
<ide>
<del> public function testRenderYearWidgetMinAndMax() {
<del> $this->markTestIncomplete();
<add> $result = $this->DateTime->render([
<add> 'name' => 'date',
<add> 'year' => [
<add> 'start' => 2013,
<add> 'end' => 2015,
<add> 'order' => 'asc'
<add> ],
<add> 'month' => false,
<add> 'day' => false,
<add> 'hour' => false,
<add> 'minute' => false,
<add> 'second' => false,
<add> 'val' => $now,
<add> ]);
<add> $expected = [
<add> 'select' => ['name' => 'date[year]'],
<add> ['option' => ['value' => '2015']], '2015', '/option',
<add> ['option' => ['value' => '2014', 'selected' => 'selected']], '2014', '/option',
<add> ['option' => ['value' => '2013']], '2013', '/option',
<add> '/select',
<add> ];
<add> $this->assertTags($result, $expected);
<ide> }
<ide>
<ide> public function testRenderYearWidgetValueOutOfBounds() { | 1 |
Text | Text | add api only apps guide | b7494b66bc56dfd1a86ed8c7de0e7692a7db2831 | <ide><path>guides/source/api_app.md
<add>Using Rails for API-only Apps
<add>-----------------------------
<add>
<add>In this guide you will learn:
<add>
<add>- What Rails provides for API-only applications
<add>- How to configure Rails to start without any browser features
<add>- How to decide which middlewares you will want to include
<add>- How to decide which modules to use in your controller
<add>
<add>endprologue.
<add>
<add>### What is an API app?
<add>
<add>Traditionally, when people said that they used Rails as an “API”, they
<add>meant providing a programmatically accessible API alongside their web
<add>application.\
<add>For example, GitHub provides [an API](http://developer.github.com) that
<add>you can use from your own custom clients.
<add>
<add>With the advent of client-side frameworks, more developers are using
<add>Rails to build a backend that is shared between their web application
<add>and other native applications.
<add>
<add>For example, Twitter uses its [public API](https://dev.twitter.com) in
<add>its web application, which is built as a static site that consumes JSON
<add>resources.
<add>
<add>Instead of using Rails to generate dynamic HTML that will communicate
<add>with the server through forms and links, many developers are treating
<add>their web application as just another client, delivered as static HTML,
<add>CSS and JavaScript, and consuming a simple JSON API
<add>
<add>This guide covers building a Rails application that serves JSON
<add>resources to an API client **or** client-side framework.
<add>
<add>### Why use Rails for JSON APIs?
<add>
<add>The first question a lot of people have when thinking about building a
<add>JSON API using Rails is: “isn’t using Rails to spit out some JSON
<add>overkill? Shouldn’t I just use something like Sinatra?”
<add>
<add>For very simple APIs, this may be true. However, even in very HTML-heavy
<add>applications, most of an application’s logic is actually outside of the
<add>view layer.
<add>
<add>The reason most people use Rails is that it provides a set of defaults
<add>that allows us to get up and running quickly without having to make a
<add>lot of trivial decisions.
<add>
<add>Let’s take a look at some of the things that Rails provides out of the
<add>box that are still applicable to API applications.
<add>
<add>Handled at the middleware layer:
<add>
<add>- Reloading: Rails applications support transparent reloading. This
<add> works even if your application gets big and restarting the server
<add> for every request becomes non-viable.
<add>- Development Mode: Rails application come with smart defaults for
<add> development, making development pleasant without compromising
<add> production-time performance.
<add>- Test Mode: Ditto test mode.
<add>- Logging: Rails applications log every request, with a level of
<add> verbosity appropriate for the current mode. Rails logs in
<add> development include information about the request environment,
<add> database queries, and basic performance information.
<add>- Security: Rails detects and thwarts [IP spoofing
<add> attacks](http://en.wikipedia.org/wiki/IP_address_spoofing) and
<add> handles cryptographic signatures in a [timing
<add> attack](http://en.wikipedia.org/wiki/Timing_attack) aware way. Don’t
<add> know what an IP spoofing attack or a timing attack is? Exactly.
<add>- Parameter Parsing: Want to specify your parameters as JSON instead
<add> of as a URL-encoded String? No problem. Rails will decode the JSON
<add> for you and make it available in *params*. Want to use nested
<add> URL-encoded params? That works too.
<add>- Conditional GETs: Rails handles conditional *GET*, (*ETag* and
<add> *Last-Modified*), processing request headers and returning the
<add> correct response headers and status code. All you need to do is use
<add> the
<add> [stale?](http://api.rubyonrails.org/classes/ActionController/ConditionalGet.html#method-i-stale-3F)
<add> check in your controller, and Rails will handle all of the HTTP
<add> details for you.
<add>- Caching: If you use *dirty?* with public cache control, Rails will
<add> automatically cache your responses. You can easily configure the
<add> cache store.
<add>- HEAD requests: Rails will transparently convert *HEAD* requests into
<add> *GET* requests, and return just the headers on the way out. This
<add> makes *HEAD* work reliably in all Rails APIs.
<add>
<add>While you could obviously build these up in terms of existing Rack
<add>middlewares, I think this list demonstrates that the default Rails
<add>middleware stack provides a lot of value, even if you’re “just
<add>generating JSON”.
<add>
<add>Handled at the ActionPack layer:
<add>
<add>- Resourceful Routing: If you’re building a RESTful JSON API, you want
<add> to be using the Rails router. Clean and conventional mapping from
<add> HTTP to controllers means not having to spend time thinking about
<add> how to model your API in terms of HTTP.
<add>- URL Generation: The flip side of routing is URL generation. A good
<add> API based on HTTP includes URLs (see [the GitHub gist
<add> API](http://developer.github.com/v3/gists/) for an example).
<add>- Header and Redirection Responses: *head :no\_content* and
<add> *redirect\_to user\_url(current\_user)* come in handy. Sure, you
<add> could manually add the response headers, but why?
<add>- Caching: Rails provides page, action and fragment caching. Fragment
<add> caching is especially helpful when building up a nested JSON object.
<add>- Basic, Digest and Token Authentication: Rails comes with
<add> out-of-the-box support for three kinds of HTTP authentication.
<add>- Instrumentation: Rails 3.0 added an instrumentation API that will
<add> trigger registered handlers for a variety of events, such as action
<add> processing, sending a file or data, redirection, and database
<add> queries. The payload of each event comes with relevant information
<add> (for the action processing event, the payload includes the
<add> controller, action, params, request format, request method and the
<add> request’s full path).
<add>- Generators: This may be passé for advanced Rails users, but it can
<add> be nice to generate a resource and get your model, controller, test
<add> stubs, and routes created for you in a single command.
<add>- Plugins: Many third-party libraries come with support for Rails that
<add> reduces or eliminates the cost of setting up and gluing together the
<add> library and the web framework. This includes things like overriding
<add> default generators, adding rake tasks, and honoring Rails choices
<add> (like the logger and cache backend).
<add>
<add>Of course, the Rails boot process also glues together all registered
<add>components. For example, the Rails boot process is what uses your
<add>*config/database.yml* file when configuring ActiveRecord.
<add>
<add>**The short version is**: you may not have thought about which parts of
<add>Rails are still applicable even if you remove the view layer, but the
<add>answer turns out to be “most of it”.
<add>
<add>### The Basic Configuration
<add>
<add>If you’re building a Rails application that will be an API server first
<add>and foremost, you can start with a more limited subset of Rails and add
<add>in features as needed.
<add>
<add>You can generate a new api Rails app:
<add>
<add><shell>\
<add>\$ rails new my\_api —api\
<add></shell>
<add>
<add>This will do three main things for you:
<add>
<add>- Configure your application to start with a more limited set of
<add> middleware than normal. Specifically, it will not include any
<add> middleware primarily useful for browser applications (like cookie
<add> support) by default.
<add>- Make *ApplicationController* inherit from *ActionController::API*
<add> instead of *ActionController::Base*. As with middleware, this will
<add> leave out any *ActionController* modules that provide functionality
<add> primarily used by browser applications.
<add>- Configure the generators to skip generating views, helpers and
<add> assets when you generate a new resource.
<add>
<add>If you want to take an existing app and make it an API app, follow the
<add>following steps.
<add>
<add>In *config/application.rb* add the following line at the top of the
<add>*Application* class:
<add>
<add><ruby>\
<add>config.api\_only!\
<add></ruby>
<add>
<add>Change *app/controllers/application\_controller.rb*:
<add>
<add><ruby>
<add>
<add>1. instead of\
<add> class ApplicationController \< ActionController::Base\
<add> end
<add>
<add><!-- -->
<add>
<add>1. do\
<add> class ApplicationController \< ActionController::API\
<add> end\
<add> </ruby>
<add>
<add>### Choosing Middlewares
<add>
<add>An API application comes with the following middlewares by default.
<add>
<add>- *Rack::Cache*: Caches responses with public *Cache-Control* headers
<add> using HTTP caching semantics. See below for more information.
<add>- *Rack::Sendfile*: Uses a front-end server’s file serving support
<add> from your Rails application.
<add>- *Rack::Lock*: If your application is not marked as threadsafe
<add> (*config.threadsafe!*), this middleware will add a mutex around your
<add> requests.
<add>- *ActionDispatch::RequestId*:
<add>- *Rails::Rack::Logger*:
<add>- *Rack::Runtime*: Adds a header to the response listing the total
<add> runtime of the request.
<add>- *ActionDispatch::ShowExceptions*: Rescue exceptions and re-dispatch
<add> them to an exception handling application
<add>- *ActionDispatch::DebugExceptions*: Log exceptions
<add>- *ActionDispatch::RemoteIp*: Protect against IP spoofing attacks
<add>- *ActionDispatch::Reloader*: In development mode, support code
<add> reloading.
<add>- *ActionDispatch::ParamsParser*: Parse XML, YAML and JSON parameters
<add> when the request’s *Content-Type* is one of those.
<add>- *ActionDispatch::Head*: Dispatch *HEAD* requests as *GET* requests,
<add> and return only the status code and headers.
<add>- *Rack::ConditionalGet*: Supports the *stale?* feature in Rails
<add> controllers.
<add>- *Rack::ETag*: Automatically set an *ETag* on all string responses.
<add> This means that if the same response is returned from a controller
<add> for the same URL, the server will return a *304 Not Modified*, even
<add> if no additional caching steps are taken. This is primarily a
<add> client-side optimization; it reduces bandwidth costs but not server
<add> processing time.
<add>
<add>Other plugins, including *ActiveRecord*, may add additional middlewares.
<add>In general, these middlewares are agnostic to the type of app you are
<add>building, and make sense in an API-only Rails application.
<add>
<add>You can get a list of all middlewares in your application via:
<add>
<add><shell>\
<add>\$ rake middleware\
<add></shell>
<add>
<add>#### Using Rack::Cache
<add>
<add>When used with Rails, *Rack::Cache* uses the Rails cache store for its
<add>entity and meta stores. This means that if you use memcache, for your
<add>Rails app, for instance, the built-in HTTP cache will use memcache.
<add>
<add>To make use of *Rack::Cache*, you will want to use *stale?* in your
<add>controller. Here’s an example of *stale?* in use.
<add>
<add><ruby>\
<add>def show\
<add> @post = Post.find(params[:id])
<add>
<add>if stale?(:last\_modified =\> `post.updated_at)
<add> render json: `post\
<add> end\
<add>end\
<add></ruby>
<add>
<add>The call to *stale?* will compare the *If-Modified-Since* header in the
<add>request with *@post.updated\_at*. If the header is newer than the last
<add>modified, this action will return a *304 Not Modified* response.
<add>Otherwise, it will render the response and include a *Last-Modified*
<add>header with the response.
<add>
<add>Normally, this mechanism is used on a per-client basis. *Rack::Cache*
<add>allows us to share this caching mechanism across clients. We can enable
<add>cross-client caching in the call to *stale?*
<add>
<add><ruby>\
<add>def show\
<add> @post = Post.find(params[:id])
<add>
<add>if stale?(:last\_modified =\> `post.updated_at, :public => true)
<add> render json: `post\
<add> end\
<add>end\
<add></ruby>
<add>
<add>This means that *Rack::Cache* will store off *Last-Modified* value for a
<add>URL in the Rails cache, and add an *If-Modified-Since* header to any
<add>subsequent inbound requests for the same URL.
<add>
<add>Think of it as page caching using HTTP semantics.
<add>
<add>NOTE: The *Rack::Cache* middleware is always outside of the *Rack::Lock*
<add>mutex, even in single-threaded apps.
<add>
<add>#### Using Rack::Sendfile
<add>
<add>When you use the *send\_file* method in a Rails controller, it sets the
<add>*X-Sendfile* header. *Rack::Sendfile* is responsible for actually
<add>sending the file.
<add>
<add>If your front-end server supports accelerated file sending,
<add>*Rack::Sendfile* will offload the actual file sending work to the
<add>front-end server.
<add>
<add>You can configure the name of the header that your front-end server uses
<add>for this purposes using *config.action\_dispatch.x\_sendfile\_header* in
<add>the appropriate environment config file.
<add>
<add>You can learn more about how to use *Rack::Sendfile* with popular
<add>front-ends in [the Rack::Sendfile
<add>documentation](http://rubydoc.info/github/rack/rack/master/Rack/Sendfile)
<add>
<add>The values for popular servers once they are configured to support
<add>accelerated file sending:
<add>
<add><ruby>
<add>
<add>1. Apache and lighttpd\
<add> config.action\_dispatch.x\_sendfile\_header = “X-Sendfile”
<add>
<add><!-- -->
<add>
<add>1. nginx\
<add> config.action\_dispatch.x\_sendfile\_header = “X-Accel-Redirect”\
<add> </ruby>
<add>
<add>Make sure to configure your server to support these options following
<add>the instructions in the *Rack::Sendfile* documentation.
<add>
<add>NOTE: The *Rack::Sendfile* middleware is always outside of the
<add>*Rack::Lock* mutex, even in single-threaded apps.
<add>
<add>#### Using ActionDispatch::ParamsParser
<add>
<add>*ActionDispatch::ParamsParser* will take parameters from the client in
<add>JSON and make them available in your controller as *params*.
<add>
<add>To use this, your client will need to make a request with JSON-encoded
<add>parameters and specify the *Content-Type* as *application/json*.
<add>
<add>Here’s an example in jQuery:
<add>
<add><plain>\
<add>jQuery.ajax({\
<add> type: ‘POST’,\
<add> url: ‘/people’\
<add> dataType: ‘json’,\
<add> contentType: ‘application/json’,\
<add> data: JSON.stringify({ person: { firstName: “Yehuda”, lastName: “Katz”
<add>} }),
<add>
<add>success: function(json) { }\
<add>});\
<add></plain>
<add>
<add>*ActionDispatch::ParamsParser* will see the *Content-Type* and your
<add>params will be *{ :person =\> { :firstName =\> “Yehuda”, :lastName =\>
<add>“Katz” } }*.
<add>
<add>#### Other Middlewares
<add>
<add>Rails ships with a number of other middlewares that you might want to
<add>use in an API app, especially if one of your API clients is the browser:
<add>
<add>- *Rack::MethodOverride*: Allows the use of the *\_method* hack to
<add> route POST requests to other verbs.
<add>- *ActionDispatch::Cookies*: Supports the *cookie* method in
<add> *ActionController*, including support for signed and encrypted
<add> cookies.
<add>- *ActionDispatch::Flash*: Supports the *flash* mechanism in
<add> *ActionController*.
<add>- *ActionDispatch::BestStandards*: Tells Internet Explorer to use the
<add> most standards-compliant available renderer. In production mode, if
<add> ChromeFrame is available, use ChromeFrame.
<add>- Session Management: If a *config.session\_store* is supplied, this
<add> middleware makes the session available as the *session* method in
<add> *ActionController*.
<add>
<add>Any of these middlewares can be adding via:
<add>
<add><ruby>\
<add>config.middleware.use Rack::MethodOverride\
<add></ruby>
<add>
<add>#### Removing Middlewares
<add>
<add>If you don’t want to use a middleware that is included by default in the
<add>API-only middleware set, you can remove it using
<add>*config.middleware.delete*:
<add>
<add><ruby>\
<add>config.middleware.delete ::Rack::Sendfile\
<add></ruby>
<add>
<add>Keep in mind that removing these features may remove support for certain
<add>features in *ActionController*.
<add>
<add>### Choosing Controller Modules
<add>
<add>An API application (using *ActionController::API*) comes with the
<add>following controller modules by default:
<add>
<add>- *ActionController::UrlFor*: Makes *url\_for* and friends available
<add>- *ActionController::Redirecting*: Support for *redirect\_to*
<add>- *ActionController::Rendering*: Basic support for rendering
<add>- *ActionController::Renderers::All*: Support for *render :json* and
<add> friends
<add>- *ActionController::ConditionalGet*: Support for *stale?*
<add>- *ActionController::ForceSSL*: Support for *force\_ssl*
<add>- *ActionController::RackDelegation*: Support for the *request* and
<add> *response* methods returning *ActionDispatch::Request* and
<add> *ActionDispatch::Response* objects.
<add>- *ActionController::DataStreaming*: Support for *send\_file* and
<add> *send\_data*
<add>- *AbstractController::Callbacks*: Support for *before\_filter* and
<add> friends
<add>- *ActionController::Instrumentation*: Support for the instrumentation
<add> hooks defined by *ActionController* (see [the
<add> source](https://github.com/rails/rails/blob/master/actionpack/lib/action_controller/metal/instrumentation.rb)
<add> for more).
<add>- *ActionController::Rescue*: Support for *rescue\_from*.
<add>
<add>Other plugins may add additional modules. You can get a list of all
<add>modules included into *ActionController::API* in the rails console:
<add>
<add><shell>\
<add>\$ irb\
<add>\>\> ActionController::API.ancestors -
<add>ActionController::Metal.ancestors\
<add></shell>
<add>
<add>#### Adding Other Modules
<add>
<add>All ActionController modules know about their dependent modules, so you
<add>can feel free to include any modules into your controllers, and all
<add>dependencies will be included and set up as well.
<add>
<add>Some common modules you might want to add:
<add>
<add>- *AbstractController::Translation*: Support for the *l* and *t*
<add> localization and translation methods. These delegate to
<add> *I18n.translate* and *I18n.localize*.
<add>- *ActionController::HTTPAuthentication::Basic* (or *Digest*
<add> or +Token): Support for basic, digest or token HTTP authentication.
<add>- *AbstractController::Layouts*: Support for layouts when rendering.
<add>- *ActionController::MimeResponds*: Support for content negotiation
<add> (*respond\_to*, *respond\_with*).
<add>- *ActionController::Cookies*: Support for *cookies*, which includes
<add> support for signed and encrypted cookies. This requires the cookie
<add> middleware.
<add>
<add>The best place to add a module is in your *ApplicationController*. You
<add>can also add modules to individual controllers. | 1 |
Ruby | Ruby | fix tests on 1.8.6 | 201d8b17552c8c9eb96e2aca2f871e0fd9b96e15 | <ide><path>activeresource/lib/active_resource/base.rb
<ide> require 'active_support/core_ext/module/attr_accessor_with_default'
<ide> require 'active_support/core_ext/module/delegation'
<ide> require 'active_support/core_ext/module/aliasing'
<add>require 'active_support/core_ext/object/misc'
<ide> require 'set'
<ide>
<ide> module ActiveResource
<ide><path>activeresource/test/base/load_test.rb
<ide> require 'abstract_unit'
<ide> require "fixtures/person"
<ide> require "fixtures/street_address"
<add>require 'active_support/core_ext/symbol'
<ide>
<ide> module Highrise
<ide> class Note < ActiveResource::Base | 2 |
Go | Go | add test code to cover issue | 4964ab08218f3b40f5c3a6bf19fe74f7fb39562a | <ide><path>integration-cli/docker_cli_daemon_test.go
<ide> func (s *DockerDaemonSuite) TestDaemonDefaultGatewayIPv4Explicit(c *check.C) {
<ide> deleteInterface(c, defaultNetworkBridge)
<ide> }
<ide>
<add>func (s *DockerDaemonSuite) TestDaemonDefaultGatewayIPv4ExplicitOutsideContainerSubnet(c *check.C) {
<add> defaultNetworkBridge := "docker0"
<add> deleteInterface(c, defaultNetworkBridge)
<add>
<add> // Program a custom default gateway outside of the container subnet, daemon should accept it and start
<add> err := s.d.StartWithBusybox("--bip", "172.16.0.10/16", "--fixed-cidr", "172.16.1.0/24", "--default-gateway", "172.16.0.254")
<add> c.Assert(err, check.IsNil)
<add>
<add> deleteInterface(c, defaultNetworkBridge)
<add> s.d.Restart()
<add>}
<add>
<ide> func (s *DockerDaemonSuite) TestDaemonIP(c *check.C) {
<ide> d := s.d
<ide> | 1 |
Python | Python | fix typo in comment | 46c13fef466eed0605c59654b1c30ba5fe8a454b | <ide><path>django/contrib/auth/base_user.py
<ide> class BaseUserManager(models.Manager):
<ide> @classmethod
<ide> def normalize_email(cls, email):
<ide> """
<del> Normalize the email address by lowercasing the domain part of the it.
<add> Normalize the email address by lowercasing the domain part of it.
<ide> """
<ide> email = email or ''
<ide> try: | 1 |
Javascript | Javascript | add broken test for require cache working | f35773ad0767232aafaa9dfe9f788ca55b0a6138 | <ide><path>test/simple/test-require-cache-without-stat.js
<add>// We've experienced a regression where the module loader stats a bunch of
<add>// directories on require() even if it's been called before. The require()
<add>// should caching the request.
<add>var common = require('../common');
<add>var fs = require('fs');
<add>var assert = require('assert');
<add>
<add>var counter = 0;
<add>
<add>// Switch out the two stat implementations so that they increase a counter
<add>// each time they are called.
<add>
<add>var _statSync = fs.statSync;
<add>var _stat = fs.stat;
<add>
<add>fs.statSync = function() {
<add> counter++;
<add> return _statSync.apply(this, arguments);
<add>};
<add>
<add>fs.stat = function() {
<add> counter++;
<add> return _stat.apply(this, arguments);
<add>};
<add>
<add>// Load the module a.js once. It should become cached.
<add>
<add>var m = common.fixturesDir + '/a.js';
<add>require(m);
<add>
<add>console.log("counterBefore = %d", counter);
<add>var counterBefore = counter;
<add>
<add>// Now load the module a bunch of times.
<add>// stat should not be called.
<add>for (var i = 0; i < 100; i++) {
<add> require(m);
<add>}
<add>
<add>console.log("counterAfter = %d", counter);
<add>var counterAfter = counter;
<add>
<add>assert.equal(counterBefore, counterAfter);
<add> | 1 |
PHP | PHP | update various links. closes #392 | a94b9ee95bc59ce735237e6642ff0ac40eefca41 | <ide><path>app/webroot/test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing
<ide> * @package cake
<del> * @subpackage cake.cake.tests.libs
<add> * @subpackage cake.app.webroot
<ide> * @since CakePHP(tm) v 1.2.0.4433
<ide> * @license http://www.opensource.org/licenses/opengroup.php The Open Group Test Suite License
<ide> */
<ide><path>cake/console/libs/testsuite.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.console.libs
<ide> * @since CakePHP(tm) v 1.2.0.4433
<ide><path>cake/console/templates/skel/webroot/test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.libs
<ide> * @since CakePHP(tm) v 1.2.0.4433
<ide><path>cake/libs/controller/component.php
<ide> *
<ide> * @package cake
<ide> * @subpackage cake.cake.libs.controller
<del> * @link http://book.cakephp.org/view/62/Components
<add> * @link http://book.cakephp.org/view/993/Components
<ide> */
<ide> class Component extends Object {
<ide>
<ide><path>cake/tests/cases/basics.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/console/cake.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc.
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc.
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.console
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/cases/dispatcher.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/cache.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/cases/libs/cache/apc.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.cache
<ide> * @since CakePHP(tm) v 1.2.0.5434
<ide><path>cake/tests/cases/libs/cache/file.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.cache
<ide> * @since CakePHP(tm) v 1.2.0.5434
<ide><path>cake/tests/cases/libs/cache/memcache.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.cache
<ide> * @since CakePHP(tm) v 1.2.0.5434
<ide><path>cake/tests/cases/libs/cache/xcache.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.cache
<ide> * @since CakePHP(tm) v 1.2.0.5434
<ide><path>cake/tests/cases/libs/cake_log.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/cases/libs/cake_session.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/cake_socket.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/cake_test_fixture.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.libs
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/cases/libs/class_registry.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/cases/libs/code_coverage_manager.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/configure.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/cases/libs/controller/component.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.controller
<ide> * @since CakePHP(tm) v 1.2.0.5436
<ide><path>cake/tests/cases/libs/controller/components/acl.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.controller.components
<ide> * @since CakePHP(tm) v 1.2.0.5435
<ide><path>cake/tests/cases/libs/controller/components/auth.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.cases.libs.controller.components
<ide> * @since CakePHP(tm) v 1.2.0.5347
<ide><path>cake/tests/cases/libs/controller/components/cookie.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.controller.components
<ide> * @since CakePHP(tm) v 1.2.0.5435
<ide><path>cake/tests/cases/libs/controller/components/email.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.cases.libs.controller.components
<ide> * @since CakePHP(tm) v 1.2.0.5347
<ide><path>cake/tests/cases/libs/controller/components/request_handler.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.controller.components
<ide> * @since CakePHP(tm) v 1.2.0.5435
<ide><path>cake/tests/cases/libs/controller/components/security.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.controller.components
<ide> * @since CakePHP(tm) v 1.2.0.5435
<ide><path>cake/tests/cases/libs/controller/components/session.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.controller.components
<ide> * @since CakePHP(tm) v 1.2.0.5436
<ide><path>cake/tests/cases/libs/controller/controller_merge_vars.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.controller
<ide> * @since CakePHP(tm) v 1.2.3
<ide><path>cake/tests/cases/libs/controller/pages_controller.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.controller
<ide> * @since CakePHP(tm) v 1.2.0.5436
<ide><path>cake/tests/cases/libs/controller/scaffold.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.controller
<ide> * @since CakePHP(tm) v 1.2.0.5436
<ide><path>cake/tests/cases/libs/error.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/cases/libs/file.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/folder.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/http_socket.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/i18n.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/cases/libs/inflector.test.php
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link http://book.cakephp.org/view/160/Testing
<add> * @link http://book.cakephp.org/view/1196/Testing
<ide> * @package cake.tests
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/l10n.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/cases/libs/log/file_log.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @filesource
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.log
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/cases/libs/model/behaviors/containable.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.model.behaviors
<ide> * @since CakePHP(tm) v 1.2.0.5669
<ide><path>cake/tests/cases/libs/model/behaviors/translate.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.model.behaviors
<ide> * @since CakePHP(tm) v 1.2.0.5669
<ide><path>cake/tests/cases/libs/model/behaviors/tree.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.model.behaviors
<ide> * @since CakePHP(tm) v 1.2.0.5330
<ide><path>cake/tests/cases/libs/model/cake_schema.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5550
<ide><path>cake/tests/cases/libs/model/connection_manager.test.php
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5550
<ide><path>cake/tests/cases/libs/model/datasources/dbo_source.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.model.datasources
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/model/db_acl.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.controller.components.dbacl.models
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/model/model.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.model
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/model/model_delete.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.model
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/model/model_integration.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.model
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/model/model_read.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.model
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/model/model_validation.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.model
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/model/model_write.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.model
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/model/models.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.model
<ide> * @since CakePHP(tm) v 1.2.0.6464
<ide><path>cake/tests/cases/libs/multibyte.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.6833
<ide><path>cake/tests/cases/libs/object.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/cases/libs/overloadable.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/cases/libs/router.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/sanitize.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5428
<ide><path>cake/tests/cases/libs/security.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/cases/libs/set.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/string.test.php
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/cases/libs/test_manager.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc.
<ide> * 1785 E. Sahara Avenue, Suite 490-204
<ide> * Las Vegas, Nevada 89104
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/validation.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helper.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helpers/ajax.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helpers/cache.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helpers/form.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2006-2010, Cake Software Foundation, Inc.
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2006-2010, Cake Software Foundation, Inc.
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helpers/html.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2006-2010, Cake Software Foundation, Inc.
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2006-2010, Cake Software Foundation, Inc.
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helpers/javascript.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2006-2010, Cake Software Foundation, Inc.
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2006-2010, Cake Software Foundation, Inc.
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helpers/js.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/cases/libs/view/helpers/number.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helpers/paginator.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helpers/rss.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helpers/session.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helpers/text.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helpers/time.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/helpers/xml.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs.view.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/media.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/theme.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/view/view.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/cases/libs/xml.test.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/fixtures/account_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/aco_action_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/aco_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/aco_two_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/advertisement_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/another_article_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/apple_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/aro_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/aro_two_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/aros_aco_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/aros_aco_two_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/article_featured_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/article_featureds_tags_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/article_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/articles_tag_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/attachment_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/auth_user_custom_field_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.1.8013
<ide><path>cake/tests/fixtures/auth_user_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/author_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/basket_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/bid_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/binary_test_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.6700
<ide><path>cake/tests/fixtures/book_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.7198
<ide><path>cake/tests/fixtures/cache_test_model_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/callback_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/category_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/category_thread_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/cd_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.7198
<ide><path>cake/tests/fixtures/comment_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/content_account_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/content_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/counter_cache_post_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/counter_cache_post_nonstandard_primary_key_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/counter_cache_user_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/counter_cache_user_nonstandard_primary_key_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/data_test_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.6700
<ide><path>cake/tests/fixtures/device_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/device_type_category_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/device_type_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/document_directory_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/document_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/exterior_type_category_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/feature_set_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/featured_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/film_file_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/flag_tree_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.5331
<ide><path>cake/tests/fixtures/fruit_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.7953
<ide><path>cake/tests/fixtures/fruits_uuid_tag_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.7953
<ide><path>cake/tests/fixtures/group_update_all_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/home_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/image_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/item_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/items_portfolio_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/join_a_b_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.6317
<ide><path>cake/tests/fixtures/join_a_c_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.6317
<ide><path>cake/tests/fixtures/join_a_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.6317
<ide><path>cake/tests/fixtures/join_b_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.6317
<ide><path>cake/tests/fixtures/join_c_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.6317
<ide><path>cake/tests/fixtures/join_thing_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/message_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/my_categories_my_products_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/my_categories_my_users_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/my_category_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/my_product_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/my_user_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/number_tree_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.5331
<ide><path>cake/tests/fixtures/number_tree_two_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.5331
<ide><path>cake/tests/fixtures/numeric_article_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/overall_favorite_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.7198
<ide><path>cake/tests/fixtures/person_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.6700
<ide><path>cake/tests/fixtures/portfolio_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/post_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/posts_tag_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/primary_model_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/product_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/product_update_all_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/project_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/sample_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/secondary_model_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/session_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/something_else_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/something_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/stories_tag_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/story_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/syfile_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/tag_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/test_plugin_article_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 7660
<ide><path>cake/tests/fixtures/test_plugin_comment_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 7660
<ide><path>cake/tests/fixtures/the_paper_monkies_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/thread_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/translate_article_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.5669
<ide><path>cake/tests/fixtures/translate_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.5669
<ide><path>cake/tests/fixtures/translate_table_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.5669
<ide><path>cake/tests/fixtures/translate_with_prefix_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.5669
<ide><path>cake/tests/fixtures/translated_article_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.5669
<ide><path>cake/tests/fixtures/translated_item_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.5669
<ide><path>cake/tests/fixtures/unconventional_tree_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.7879
<ide><path>cake/tests/fixtures/underscore_field_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/user_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/uuid_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.6700
<ide><path>cake/tests/fixtures/uuid_tag_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.7953
<ide><path>cake/tests/fixtures/uuid_tree_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.7984
<ide><path>cake/tests/fixtures/uuiditem_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/uuiditems_uuidportfolio_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/uuiditems_uuidportfolio_numericid_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/fixtures/uuidportfolio_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.fixtures
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/groups/acl.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/groups/bake.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/groups/behaviors.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/groups/cache.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/groups/components.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/groups/configure.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/groups/console.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/groups/controller.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/groups/database.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.5517
<ide><path>cake/tests/groups/helpers.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/groups/i18n.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/groups/javascript.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/groups/lib.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/groups/model.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.5517
<ide><path>cake/tests/groups/no_cross_contamination.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/groups/routing_system.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.5517
<ide><path>cake/tests/groups/socket.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc.
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc.
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake.tests
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/groups/test_suite.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc.
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc.
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/groups/view.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/groups/xml.group.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.groups
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/lib/cake_test_case.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.libs
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/lib/cake_test_fixture.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.libs
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/lib/cake_test_model.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.libs
<ide> * @since CakePHP(tm) v 1.2.0.4667
<ide><path>cake/tests/lib/cake_test_suite_dispatcher.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide><path>cake/tests/lib/cake_web_test_case.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.lib
<ide> * @since CakePHP(tm) v 1.2.0.4433
<ide><path>cake/tests/lib/code_coverage_manager.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.lib
<ide> * @since CakePHP(tm) v 1.2.0.4433
<ide><path>cake/tests/lib/reporter/cake_base_reporter.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide><path>cake/tests/lib/reporter/cake_cli_reporter.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.libs
<ide> * @since CakePHP(tm) v 1.2.0.4433
<ide><path>cake/tests/lib/reporter/cake_html_reporter.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide><path>cake/tests/lib/reporter/cake_text_reporter.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide><path>cake/tests/lib/templates/footer.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.lib
<ide> * @since CakePHP(tm) v 1.2.0.4433
<ide><path>cake/tests/lib/templates/header.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.lib
<ide> * @since CakePHP(tm) v 1.2.0.4433
<ide><path>cake/tests/lib/templates/menu.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.lib
<ide> * @since CakePHP(tm) v 1.2.0.4433
<ide><path>cake/tests/lib/templates/simpletest.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.libs
<ide> * @since CakePHP(tm) v 1.2.0.4433
<ide><path>cake/tests/lib/templates/xdebug.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.libs
<ide> * @since CakePHP(tm) v 1.2.0.4433
<ide><path>cake/tests/lib/test_manager.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.cake.tests.lib
<ide> * @since CakePHP(tm) v 1.2.0.4433
<ide><path>cake/tests/test_app/controllers/tests_apps_controller.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.views.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/controllers/tests_apps_posts_controller.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.views.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/libs/cache/test_app_cache.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/test_app/libs/library.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/test_app/libs/log/test_app_log.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/test_app/plugins/test_plugin/config/load.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/test_app/plugins/test_plugin/config/more.load.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/test_app/plugins/test_plugin/controllers/components/other_component.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.views.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/plugins/test_plugin/controllers/components/plugins_component.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.views.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/plugins/test_plugin/controllers/components/test_plugin_component.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.views.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/plugins/test_plugin/controllers/components/test_plugin_other_component.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.views.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/plugins/test_plugin/controllers/test_plugin_controller.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.views.helpers
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/test_app/plugins/test_plugin/controllers/tests_controller.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.views.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/plugins/test_plugin/libs/cache/test_plugin_cache.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/test_app/plugins/test_plugin/libs/log/test_plugin_log.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.3
<ide><path>cake/tests/test_app/plugins/test_plugin/libs/test_plugin_library.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2009, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/test_app/plugins/test_plugin/test_plugin_app_controller.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/test_app/plugins/test_plugin/test_plugin_app_model.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.cases.libs
<ide> * @since CakePHP(tm) v 1.2.0.5432
<ide><path>cake/tests/test_app/plugins/test_plugin/vendors/sample/sample_plugin.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.vendors.sample
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/plugins/test_plugin/vendors/shells/example.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.vendors.shells
<ide> * @since CakePHP(tm) v 1.2.0.7871
<ide><path>cake/tests/test_app/plugins/test_plugin/vendors/welcome.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.vendors
<ide> * @since CakePHP(tm) v 1.2.0.7629
<ide><path>cake/tests/test_app/plugins/test_plugin/views/helpers/other_helper.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.views.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/plugins/test_plugin/views/helpers/plugged_helper.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin.views.helpers
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/plugins/test_plugin_two/vendors/shells/example.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin_two.vendors.shells
<ide> * @since CakePHP(tm) v 1.2.0.7871
<ide><path>cake/tests/test_app/plugins/test_plugin_two/vendors/shells/welcome.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.plugins.test_plugin_two.vendors.shells
<ide> * @since CakePHP(tm) v 1.2.0.7871
<ide><path>cake/tests/test_app/vendors/Test/MyTest.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.vendors.somename
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/vendors/Test/hello.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.vendors.Test
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/vendors/sample/configure_test_vendor_sample.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.vendors.sample
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/vendors/shells/sample.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.vendors.shells
<ide> * @since CakePHP(tm) v 1.2.0.7871
<ide><path>cake/tests/test_app/vendors/somename/some.name.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.vendors.somename
<ide> * @since CakePHP(tm) v 1.2.0.4206
<ide><path>cake/tests/test_app/vendors/welcome.php
<ide> *
<ide> * PHP versions 4 and 5
<ide> *
<del> * CakePHP(tm) Tests <https://trac.cakephp.org/wiki/Developement/TestSuite>
<add> * CakePHP(tm) Tests <http://book.cakephp.org/view/1196/Testing>
<ide> * Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<ide> *
<ide> * Licensed under The Open Group Test Suite License
<ide> * Redistributions of files must retain the above copyright notice.
<ide> *
<ide> * @copyright Copyright 2005-2010, Cake Software Foundation, Inc. (http://cakefoundation.org)
<del> * @link https://trac.cakephp.org/wiki/Developement/TestSuite CakePHP(tm) Tests
<add> * @link http://book.cakephp.org/view/1196/Testing CakePHP(tm) Tests
<ide> * @package cake
<ide> * @subpackage cake.tests.test_app.vendors
<ide> * @since CakePHP(tm) v 1.2.0.7629 | 253 |
Javascript | Javascript | fix broken tests | 67140a4d337c1ef6b31c9793e5b2c3d13c9d692f | <ide><path>curriculum/test/test-challenges.js
<ide> async function createTestRunnerForDOMChallenge(
<ide> files[0].contents = solution;
<ide> }
<ide>
<del> const loadEnzyme = files[0].ext === 'jsx';
<del>
<del> const { build, sources } = await buildDOMChallenge(files, {
<add> const { build, sources, loadEnzyme } = await buildDOMChallenge({
<add> files,
<ide> required,
<ide> template
<ide> });
<ide> async function createTestRunnerForJSChallenge({ files }, solution) {
<ide> files[0].contents = solution;
<ide> }
<ide>
<del> const { build, sources } = await buildJSChallenge(files);
<add> const { build, sources } = await buildJSChallenge({ files });
<ide> const code = sources && 'index' in sources ? sources['index'] : '';
<ide>
<ide> const testWorker = createWorker('test-evaluator'); | 1 |
PHP | PHP | fix paginatorcomponent tests | a34d5f733d93da410f11733255b3744e1d210729 | <ide><path>lib/Cake/Test/Case/Controller/Component/PaginatorComponentTest.php
<ide> class PaginatorAuthor extends CakeTestModel {
<ide> * @var string
<ide> */
<ide> public $virtualFields = array(
<del> 'joined_offset' => 'PaginatorAuthor.id + 1'
<del> );
<add> 'joined_offset' => 'PaginatorAuthor.id + 1'
<add> );
<ide>
<ide> }
<ide>
<ide> public function testPaginate() {
<ide> $this->assertEquals(1, $Controller->params['paging']['PaginatorControllerPost']['page']);
<ide> $this->assertEquals(array(3, 2, 1), $results);
<ide>
<del> $Controller->request->params['named'] = array('sort' => 'NotExisting.field', 'direction' => 'desc');
<add> $Controller->request->params['named'] = array('sort' => 'NotExisting.field', 'direction' => 'desc', 'limit' => 2);
<ide> $Controller->Paginator->paginate('PaginatorControllerPost');
<ide> $this->assertEquals(1, $Controller->params['paging']['PaginatorControllerPost']['page']);
<ide> $this->assertEquals(array(), $Controller->PaginatorControllerPost->lastQueries[1]['order'][0], 'no order should be set.');
<ide> public function testPaginate() {
<ide> 'sort' => 'PaginatorControllerPost.author_id', 'direction' => 'allYourBase'
<ide> );
<ide> $results = Hash::extract($Controller->Paginator->paginate('PaginatorControllerPost'), '{n}.PaginatorControllerPost.id');
<del> $this->assertEquals(array('PaginatorControllerPost.author_id' => 'asc'), $Controller->PaginatorControllerPost->lastQueries[1]['order'][0]);
<add> $this->assertEquals(array('PaginatorControllerPost.author_id' => 'asc'), $Controller->PaginatorControllerPost->lastQueries[0]['order'][0]);
<ide> $this->assertEquals(array(1, 3, 2), $results);
<ide>
<ide> $Controller->request->params['named'] = array();
<ide> public function testPaginateExtraParams() {
<ide> $result = $Controller->Paginator->paginate('PaginatorControllerPost');
<ide> $this->assertEquals(1, $Controller->params['paging']['PaginatorControllerPost']['page']);
<ide> $this->assertEquals(array(1, 2, 3), Hash::extract($result, '{n}.PaginatorControllerPost.id'));
<del> $this->assertTrue(isset($Controller->PaginatorControllerPost->lastQueries[1]['contain']));
<add> $this->assertTrue(isset($Controller->PaginatorControllerPost->lastQueries[0]['contain']));
<ide>
<ide> $Controller->Paginator->settings = array(
<ide> 'PaginatorControllerPost' => array(
<ide> public function testPaginateExtraParams() {
<ide> );
<ide> $result = $Controller->Paginator->paginate('PaginatorControllerPost');
<ide> $this->assertEquals(array(2, 3), Hash::extract($result, '{n}.PaginatorControllerPost.id'));
<del> $this->assertEquals(array('PaginatorControllerPost.id > ' => '1'), $Controller->PaginatorControllerPost->lastQueries[1]['conditions']);
<add> $this->assertEquals(array('PaginatorControllerPost.id > ' => '1'), $Controller->PaginatorControllerPost->lastQueries[0]['conditions']);
<ide>
<ide> $Controller->request->params['named'] = array('limit' => 12);
<ide> $Controller->Paginator->settings = array('limit' => 30, 'maxLimit' => 100, 'paramType' => 'named');
<ide> $result = $Controller->Paginator->paginate('PaginatorControllerPost');
<ide> $paging = $Controller->params['paging']['PaginatorControllerPost'];
<ide>
<del> $this->assertEquals(12, $Controller->PaginatorControllerPost->lastQueries[1]['limit']);
<add> $this->assertEquals(12, $Controller->PaginatorControllerPost->lastQueries[0]['limit']);
<ide> $this->assertEquals(12, $paging['options']['limit']);
<ide>
<ide> $Controller = new PaginatorTestController($this->request);
<ide> public function testPaginateSpecialType() {
<ide>
<ide> $this->assertEquals(array(2, 3), Hash::extract($result, '{n}.PaginatorControllerPost.id'));
<ide> $this->assertEquals(
<del> $Controller->PaginatorControllerPost->lastQueries[1]['conditions'],
<add> $Controller->PaginatorControllerPost->lastQueries[0]['conditions'],
<ide> array('PaginatorControllerPost.id > ' => '1')
<ide> );
<ide> $this->assertFalse(isset($Controller->params['paging']['PaginatorControllerPost']['options'][0])); | 1 |
Go | Go | remove a redundant funtion and fix some typos | 219a38e3db5bef8fb87a9e81e1291a3538ff2ab8 | <ide><path>runconfig/errors.go
<ide> package runconfig
<ide>
<ide> import (
<ide> "fmt"
<del>
<del> "github.com/docker/docker/api/errors"
<ide> )
<ide>
<ide> var (
<ide> // ErrConflictContainerNetworkAndLinks conflict between --net=container and links
<del> ErrConflictContainerNetworkAndLinks = fmt.Errorf("Conflicting options: container type network can't be used with links. This would result in undefined behavior")
<del> // ErrConflictUserDefinedNetworkAndLinks conflict between --net=<NETWORK> and links
<del> ErrConflictUserDefinedNetworkAndLinks = fmt.Errorf("Conflicting options: networking can't be used with links. This would result in undefined behavior")
<add> ErrConflictContainerNetworkAndLinks = fmt.Errorf("conflicting options: container type network can't be used with links. This would result in undefined behavior")
<ide> // ErrConflictSharedNetwork conflict between private and other networks
<del> ErrConflictSharedNetwork = fmt.Errorf("Container sharing network namespace with another container or host cannot be connected to any other network")
<add> ErrConflictSharedNetwork = fmt.Errorf("container sharing network namespace with another container or host cannot be connected to any other network")
<ide> // ErrConflictHostNetwork conflict from being disconnected from host network or connected to host network.
<del> ErrConflictHostNetwork = fmt.Errorf("Container cannot be disconnected from host network or connected to host network")
<add> ErrConflictHostNetwork = fmt.Errorf("container cannot be disconnected from host network or connected to host network")
<ide> // ErrConflictNoNetwork conflict between private and other networks
<del> ErrConflictNoNetwork = fmt.Errorf("Container cannot be connected to multiple networks with one of the networks in private (none) mode")
<add> ErrConflictNoNetwork = fmt.Errorf("container cannot be connected to multiple networks with one of the networks in private (none) mode")
<ide> // ErrConflictNetworkAndDNS conflict between --dns and the network mode
<del> ErrConflictNetworkAndDNS = fmt.Errorf("Conflicting options: dns and the network mode")
<add> ErrConflictNetworkAndDNS = fmt.Errorf("conflicting options: dns and the network mode")
<ide> // ErrConflictNetworkHostname conflict between the hostname and the network mode
<del> ErrConflictNetworkHostname = fmt.Errorf("Conflicting options: hostname and the network mode")
<add> ErrConflictNetworkHostname = fmt.Errorf("conflicting options: hostname and the network mode")
<ide> // ErrConflictHostNetworkAndLinks conflict between --net=host and links
<del> ErrConflictHostNetworkAndLinks = fmt.Errorf("Conflicting options: host type networking can't be used with links. This would result in undefined behavior")
<add> ErrConflictHostNetworkAndLinks = fmt.Errorf("conflicting options: host type networking can't be used with links. This would result in undefined behavior")
<ide> // ErrConflictContainerNetworkAndMac conflict between the mac address and the network mode
<del> ErrConflictContainerNetworkAndMac = fmt.Errorf("Conflicting options: mac-address and the network mode")
<add> ErrConflictContainerNetworkAndMac = fmt.Errorf("conflicting options: mac-address and the network mode")
<ide> // ErrConflictNetworkHosts conflict between add-host and the network mode
<del> ErrConflictNetworkHosts = fmt.Errorf("Conflicting options: custom host-to-IP mapping and the network mode")
<add> ErrConflictNetworkHosts = fmt.Errorf("conflicting options: custom host-to-IP mapping and the network mode")
<ide> // ErrConflictNetworkPublishPorts conflict between the publish options and the network mode
<del> ErrConflictNetworkPublishPorts = fmt.Errorf("Conflicting options: port publishing and the container type network mode")
<add> ErrConflictNetworkPublishPorts = fmt.Errorf("conflicting options: port publishing and the container type network mode")
<ide> // ErrConflictNetworkExposePorts conflict between the expose option and the network mode
<del> ErrConflictNetworkExposePorts = fmt.Errorf("Conflicting options: port exposing and the container type network mode")
<add> ErrConflictNetworkExposePorts = fmt.Errorf("conflicting options: port exposing and the container type network mode")
<ide> // ErrUnsupportedNetworkAndIP conflict between network mode and requested ip address
<del> ErrUnsupportedNetworkAndIP = fmt.Errorf("User specified IP address is supported on user defined networks only")
<add> ErrUnsupportedNetworkAndIP = fmt.Errorf("user specified IP address is supported on user defined networks only")
<ide> // ErrUnsupportedNetworkNoSubnetAndIP conflict between network with no configured subnet and requested ip address
<del> ErrUnsupportedNetworkNoSubnetAndIP = fmt.Errorf("User specified IP address is supported only when connecting to networks with user configured subnets")
<add> ErrUnsupportedNetworkNoSubnetAndIP = fmt.Errorf("user specified IP address is supported only when connecting to networks with user configured subnets")
<ide> // ErrUnsupportedNetworkAndAlias conflict between network mode and alias
<del> ErrUnsupportedNetworkAndAlias = fmt.Errorf("Network-scoped alias is supported only for containers in user defined networks")
<add> ErrUnsupportedNetworkAndAlias = fmt.Errorf("network-scoped alias is supported only for containers in user defined networks")
<ide> // ErrConflictUTSHostname conflict between the hostname and the UTS mode
<del> ErrConflictUTSHostname = fmt.Errorf("Conflicting options: hostname and the UTS mode")
<add> ErrConflictUTSHostname = fmt.Errorf("conflicting options: hostname and the UTS mode")
<ide> )
<del>
<del>func conflictError(err error) error {
<del> return errors.NewRequestConflictError(err)
<del>} | 1 |
Text | Text | add example for test structure | c746c403ab4747f6f7e258367b401d03394ba77f | <ide><path>doc/guides/writing-tests.md
<ide> case, `_`, lower case).
<ide>
<ide> ### **Lines 11-22**
<ide>
<add>```js
<add>const server = http.createServer(common.mustCall((req, res) => {
<add> res.end('ok');
<add>}));
<add>server.listen(0, () => {
<add> http.get({
<add> port: server.address().port,
<add> headers: { 'Test': 'Düsseldorf' }
<add> }, common.mustCall((res) => {
<add> assert.strictEqual(res.statusCode, 200);
<add> server.close();
<add> }));
<add>});
<add>```
<add>
<ide> This is the body of the test. This test is simple, it just tests that an
<ide> HTTP server accepts `non-ASCII` characters in the headers of an incoming
<ide> request. Interesting things to notice: | 1 |
Text | Text | change mac os x to os x | cd3f7f73a0547843a762946aa4224bf7e588882f | <ide><path>README.md
<ide> about the Atom 1.0 roadmap.
<ide>
<ide> ## Installing
<ide>
<del>### Mac OS X
<add>### OS X
<ide>
<ide> Download the latest [Atom release](https://github.com/atom/atom/releases/latest).
<ide> | 1 |
Text | Text | add verb to sanitization note | 848e377a2017234e3831599346918fb8d413fd28 | <ide><path>guides/source/security.md
<ide> Injection is very tricky, because the same code or parameter can be malicious in
<ide>
<ide> ### Whitelists versus Blacklists
<ide>
<del>NOTE: _When sanitizing, protecting or verifying something, whitelists over blacklists._
<add>NOTE: _When sanitizing, protecting or verifying something, prefer whitelists over blacklists._
<ide>
<ide> A blacklist can be a list of bad e-mail addresses, non-public actions or bad HTML tags. This is opposed to a whitelist which lists the good e-mail addresses, public actions, good HTML tags and so on. Although sometimes it is not possible to create a whitelist (in a SPAM filter, for example), _prefer to use whitelist approaches_:
<ide> | 1 |
Ruby | Ruby | use start_with? instead of a regexp | 4026e035add50aaf5627587e5b59ea149f3b57fd | <ide><path>Library/Homebrew/download_strategy.rb
<ide> def _fetch
<ide> class SubversionDownloadStrategy < VCSDownloadStrategy
<ide> def initialize(name, resource)
<ide> super
<del> @url = @url.sub(/^svn\+/, "") if @url =~ %r[^svn\+http://]
<add> @url = @url.sub(/^svn\+/, "") if @url.start_with?("svn+http://")
<ide> end
<ide>
<ide> def repo_url | 1 |
Javascript | Javascript | replace isname in the viewer.js | 66eda9b36b1f6220dfb6296cfa06798b1723aa88 | <ide><path>web/viewer.js
<ide> var PDFView = {
<ide> (destRef + 1);
<ide> if (pageNumber) {
<ide> var pdfOpenParams = '#page=' + pageNumber;
<del> if (isName(dest[1], 'XYZ')) {
<add> var destKind = dest[1];
<add> if ('name' in destKind && destKind.name == 'XYZ') {
<ide> var scale = (dest[4] || this.currentScale);
<ide> pdfOpenParams += '&zoom=' + (scale * 100);
<ide> if (dest[2] || dest[3]) { | 1 |
Java | Java | add method to create messageheaders in message | d136d06eda586ea7a80f8495397987959f0bb702 | <ide><path>spring-context/src/main/java/org/springframework/messaging/GenericMessage.java
<ide> public GenericMessage(T payload, Map<String, Object> headers) {
<ide> else {
<ide> headers = new HashMap<String, Object>(headers);
<ide> }
<del> this.headers = new MessageHeaders(headers);
<add> this.headers = createMessageHeaders(headers);
<ide> this.payload = payload;
<ide> }
<ide>
<ide>
<add> protected MessageHeaders createMessageHeaders(Map<String, Object> headers) {
<add> return new MessageHeaders(headers);
<add> }
<add>
<ide> public MessageHeaders getHeaders() {
<ide> return this.headers;
<ide> } | 1 |
Ruby | Ruby | fix doc format for `recordfetchwarning` [ci skip] | 4dde1a05d03a03debd64befdd78a0006c30aa8d8 | <ide><path>activerecord/lib/active_record/relation/record_fetch_warning.rb
<ide> module ActiveRecord
<ide> class Relation
<ide> module RecordFetchWarning
<ide> # When this module is prepended to ActiveRecord::Relation and
<del> # `config.active_record.warn_on_records_fetched_greater_than` is
<add> # +config.active_record.warn_on_records_fetched_greater_than+ is
<ide> # set to an integer, if the number of records a query returns is
<del> # greater than the value of `warn_on_records_fetched_greater_than`,
<add> # greater than the value of +warn_on_records_fetched_greater_than+,
<ide> # a warning is logged. This allows for the detection of queries that
<ide> # return a large number of records, which could cause memory bloat.
<ide> #
<ide> # In most cases, fetching large number of records can be performed
<ide> # efficiently using the ActiveRecord::Batches methods.
<del> # See active_record/lib/relation/batches.rb for more information.
<add> # See ActiveRecord::Batches for more information.
<ide> def exec_queries
<ide> QueryRegistry.reset
<ide> | 1 |
Javascript | Javascript | remove unused parameter | 3e29e0126ed5f3d1ad0ff9e53f4ebc5edd696563 | <ide><path>test/sequential/test-inspector-stops-no-file.js
<ide> const child = spawn(process.execPath,
<ide> [ '--inspect', 'no-such-script.js' ],
<ide> { 'stdio': 'inherit' });
<ide>
<del>function signalHandler(value) {
<add>function signalHandler() {
<ide> child.kill();
<ide> process.exit(1);
<ide> } | 1 |
Javascript | Javascript | get any width (if one is present) in cff parser | d3941888352d6439fff139ca2a9e283fc5a2a05a | <ide><path>src/core/cff_parser.js
<ide> const CFFParser = (function CFFParserClosure() {
<ide> } else if (stackSize > 1) {
<ide> warn("Found too many parameters for stack-clearing command");
<ide> }
<del> if (stackSize > 0 && stack[stackSize - 1] >= 0) {
<add> if (stackSize > 0) {
<add> // Width can be any number since its the difference
<add> // from nominalWidthX.
<ide> state.width = stack[stackSize - 1];
<ide> }
<ide> } | 1 |
Javascript | Javascript | move passive flag | 8e2f9b086e7abc7a92951d264a6a5d048defd914 | <ide><path>packages/react-reconciler/src/ReactFiberCompleteWork.new.js
<ide> function completeWork(
<ide> }
<ide>
<ide> // If the suspended state of the boundary changes, we need to schedule
<del> // an effect to toggle the subtree's visibility. When we switch from
<del> // fallback -> primary, the inner Offscreen fiber schedules this effect
<del> // as part of its normal complete phase. But when we switch from
<del> // primary -> fallback, the inner Offscreen fiber does not have a complete
<del> // phase. So we need to schedule its effect here.
<del> //
<del> // We also use this flag to connect/disconnect the effects, but the same
<del> // logic applies: when re-connecting, the Offscreen fiber's complete
<del> // phase will handle scheduling the effect. It's only when the fallback
<del> // is active that we have to do anything special.
<del> if (nextDidTimeout && !prevDidTimeout) {
<del> const offscreenFiber: Fiber = (workInProgress.child: any);
<del> offscreenFiber.flags |= Visibility;
<del>
<del> // If the suspended state of the boundary changes, we need to schedule
<del> // a passive effect, which is when we process the transitions
<add> // a passive effect, which is when we process the transitions
<add> if (nextDidTimeout !== prevDidTimeout) {
<ide> if (enableTransitionTracing) {
<add> const offscreenFiber: Fiber = (workInProgress.child: any);
<ide> offscreenFiber.flags |= Passive;
<ide> }
<ide>
<del> // TODO: This will still suspend a synchronous tree if anything
<del> // in the concurrent tree already suspended during this render.
<del> // This is a known bug.
<del> if ((workInProgress.mode & ConcurrentMode) !== NoMode) {
<del> // TODO: Move this back to throwException because this is too late
<del> // if this is a large tree which is common for initial loads. We
<del> // don't know if we should restart a render or not until we get
<del> // this marker, and this is too late.
<del> // If this render already had a ping or lower pri updates,
<del> // and this is the first time we know we're going to suspend we
<del> // should be able to immediately restart from within throwException.
<del> const hasInvisibleChildContext =
<del> current === null &&
<del> (workInProgress.memoizedProps.unstable_avoidThisFallback !== true ||
<del> !enableSuspenseAvoidThisFallback);
<del> if (
<del> hasInvisibleChildContext ||
<del> hasSuspenseContext(
<del> suspenseStackCursor.current,
<del> (InvisibleParentSuspenseContext: SuspenseContext),
<del> )
<del> ) {
<del> // If this was in an invisible tree or a new render, then showing
<del> // this boundary is ok.
<del> renderDidSuspend();
<del> } else {
<del> // Otherwise, we're going to have to hide content so we should
<del> // suspend for longer if possible.
<del> renderDidSuspendDelayIfPossible();
<add> // If the suspended state of the boundary changes, we need to schedule
<add> // an effect to toggle the subtree's visibility. When we switch from
<add> // fallback -> primary, the inner Offscreen fiber schedules this effect
<add> // as part of its normal complete phase. But when we switch from
<add> // primary -> fallback, the inner Offscreen fiber does not have a complete
<add> // phase. So we need to schedule its effect here.
<add> //
<add> // We also use this flag to connect/disconnect the effects, but the same
<add> // logic applies: when re-connecting, the Offscreen fiber's complete
<add> // phase will handle scheduling the effect. It's only when the fallback
<add> // is active that we have to do anything special.
<add> if (nextDidTimeout) {
<add> const offscreenFiber: Fiber = (workInProgress.child: any);
<add> offscreenFiber.flags |= Visibility;
<add>
<add> // TODO: This will still suspend a synchronous tree if anything
<add> // in the concurrent tree already suspended during this render.
<add> // This is a known bug.
<add> if ((workInProgress.mode & ConcurrentMode) !== NoMode) {
<add> // TODO: Move this back to throwException because this is too late
<add> // if this is a large tree which is common for initial loads. We
<add> // don't know if we should restart a render or not until we get
<add> // this marker, and this is too late.
<add> // If this render already had a ping or lower pri updates,
<add> // and this is the first time we know we're going to suspend we
<add> // should be able to immediately restart from within throwException.
<add> const hasInvisibleChildContext =
<add> current === null &&
<add> (workInProgress.memoizedProps.unstable_avoidThisFallback !==
<add> true ||
<add> !enableSuspenseAvoidThisFallback);
<add> if (
<add> hasInvisibleChildContext ||
<add> hasSuspenseContext(
<add> suspenseStackCursor.current,
<add> (InvisibleParentSuspenseContext: SuspenseContext),
<add> )
<add> ) {
<add> // If this was in an invisible tree or a new render, then showing
<add> // this boundary is ok.
<add> renderDidSuspend();
<add> } else {
<add> // Otherwise, we're going to have to hide content so we should
<add> // suspend for longer if possible.
<add> renderDidSuspendDelayIfPossible();
<add> }
<ide> }
<ide> }
<ide> }
<ide><path>packages/react-reconciler/src/ReactFiberCompleteWork.old.js
<ide> function completeWork(
<ide> }
<ide>
<ide> // If the suspended state of the boundary changes, we need to schedule
<del> // an effect to toggle the subtree's visibility. When we switch from
<del> // fallback -> primary, the inner Offscreen fiber schedules this effect
<del> // as part of its normal complete phase. But when we switch from
<del> // primary -> fallback, the inner Offscreen fiber does not have a complete
<del> // phase. So we need to schedule its effect here.
<del> //
<del> // We also use this flag to connect/disconnect the effects, but the same
<del> // logic applies: when re-connecting, the Offscreen fiber's complete
<del> // phase will handle scheduling the effect. It's only when the fallback
<del> // is active that we have to do anything special.
<del> if (nextDidTimeout && !prevDidTimeout) {
<del> const offscreenFiber: Fiber = (workInProgress.child: any);
<del> offscreenFiber.flags |= Visibility;
<del>
<del> // If the suspended state of the boundary changes, we need to schedule
<del> // a passive effect, which is when we process the transitions
<add> // a passive effect, which is when we process the transitions
<add> if (nextDidTimeout !== prevDidTimeout) {
<ide> if (enableTransitionTracing) {
<add> const offscreenFiber: Fiber = (workInProgress.child: any);
<ide> offscreenFiber.flags |= Passive;
<ide> }
<ide>
<del> // TODO: This will still suspend a synchronous tree if anything
<del> // in the concurrent tree already suspended during this render.
<del> // This is a known bug.
<del> if ((workInProgress.mode & ConcurrentMode) !== NoMode) {
<del> // TODO: Move this back to throwException because this is too late
<del> // if this is a large tree which is common for initial loads. We
<del> // don't know if we should restart a render or not until we get
<del> // this marker, and this is too late.
<del> // If this render already had a ping or lower pri updates,
<del> // and this is the first time we know we're going to suspend we
<del> // should be able to immediately restart from within throwException.
<del> const hasInvisibleChildContext =
<del> current === null &&
<del> (workInProgress.memoizedProps.unstable_avoidThisFallback !== true ||
<del> !enableSuspenseAvoidThisFallback);
<del> if (
<del> hasInvisibleChildContext ||
<del> hasSuspenseContext(
<del> suspenseStackCursor.current,
<del> (InvisibleParentSuspenseContext: SuspenseContext),
<del> )
<del> ) {
<del> // If this was in an invisible tree or a new render, then showing
<del> // this boundary is ok.
<del> renderDidSuspend();
<del> } else {
<del> // Otherwise, we're going to have to hide content so we should
<del> // suspend for longer if possible.
<del> renderDidSuspendDelayIfPossible();
<add> // If the suspended state of the boundary changes, we need to schedule
<add> // an effect to toggle the subtree's visibility. When we switch from
<add> // fallback -> primary, the inner Offscreen fiber schedules this effect
<add> // as part of its normal complete phase. But when we switch from
<add> // primary -> fallback, the inner Offscreen fiber does not have a complete
<add> // phase. So we need to schedule its effect here.
<add> //
<add> // We also use this flag to connect/disconnect the effects, but the same
<add> // logic applies: when re-connecting, the Offscreen fiber's complete
<add> // phase will handle scheduling the effect. It's only when the fallback
<add> // is active that we have to do anything special.
<add> if (nextDidTimeout) {
<add> const offscreenFiber: Fiber = (workInProgress.child: any);
<add> offscreenFiber.flags |= Visibility;
<add>
<add> // TODO: This will still suspend a synchronous tree if anything
<add> // in the concurrent tree already suspended during this render.
<add> // This is a known bug.
<add> if ((workInProgress.mode & ConcurrentMode) !== NoMode) {
<add> // TODO: Move this back to throwException because this is too late
<add> // if this is a large tree which is common for initial loads. We
<add> // don't know if we should restart a render or not until we get
<add> // this marker, and this is too late.
<add> // If this render already had a ping or lower pri updates,
<add> // and this is the first time we know we're going to suspend we
<add> // should be able to immediately restart from within throwException.
<add> const hasInvisibleChildContext =
<add> current === null &&
<add> (workInProgress.memoizedProps.unstable_avoidThisFallback !==
<add> true ||
<add> !enableSuspenseAvoidThisFallback);
<add> if (
<add> hasInvisibleChildContext ||
<add> hasSuspenseContext(
<add> suspenseStackCursor.current,
<add> (InvisibleParentSuspenseContext: SuspenseContext),
<add> )
<add> ) {
<add> // If this was in an invisible tree or a new render, then showing
<add> // this boundary is ok.
<add> renderDidSuspend();
<add> } else {
<add> // Otherwise, we're going to have to hide content so we should
<add> // suspend for longer if possible.
<add> renderDidSuspendDelayIfPossible();
<add> }
<ide> }
<ide> }
<ide> } | 2 |
Ruby | Ruby | fix broken test (closes ) [chuyeow] | 3a622d0045771459e6d4cc32307f31f87e5b938a | <ide><path>actionpack/test/controller/html-scanner/sanitizer_test.rb
<ide> def test_should_allow_only_custom_tags
<ide> end
<ide>
<ide> def test_should_allow_custom_tags_with_attributes
<del> text = %(<fieldset foo="bar">foo</fieldset>)
<add> text = %(<blockquote cite="http://example.com/">foo</blockquote>)
<add> sanitizer = HTML::WhiteListSanitizer.new
<add> assert_equal(text, sanitizer.sanitize(text))
<add> end
<add>
<add> def test_should_allow_custom_tags_with_custom_attributes
<add> text = %(<blockquote foo="bar">Lorem ipsum</blockquote>)
<ide> sanitizer = HTML::WhiteListSanitizer.new
<ide> assert_equal(text, sanitizer.sanitize(text, :attributes => ['foo']))
<ide> end | 1 |
Text | Text | add gibson fahnestock to release team | 46ca1775a31d5e76a9f00f641c624c720a6468ab | <ide><path>README.md
<ide> Node.js releases are signed with one of the following GPG keys:
<ide> `94AE36675C464D64BAFA68DD7434390BDBE9B9C5`
<ide> * **Evan Lucas** <[email protected]>
<ide> `B9AE9905FFD7803F25714661B63B535A4C206CA9`
<add>* **Gibson Fahnestock** <[email protected]>
<add>`77984A986EBC2AA786BC0F66B01FBB92821C587A`
<ide> * **Italo A. Casas** <[email protected]>
<ide> `56730D5401028683275BD23C23EFEFE93C4CFFFE`
<ide> * **James M Snell** <[email protected]>
<ide> gpg --keyserver pool.sks-keyservers.net --recv-keys DD8F2338BAE7501E3DD5AC78C273
<ide> gpg --keyserver pool.sks-keyservers.net --recv-keys C4F0DFFF4E8C1A8236409D08E73BC641CC11F4C8
<ide> gpg --keyserver pool.sks-keyservers.net --recv-keys B9AE9905FFD7803F25714661B63B535A4C206CA9
<ide> gpg --keyserver pool.sks-keyservers.net --recv-keys 56730D5401028683275BD23C23EFEFE93C4CFFFE
<add>gpg --keyserver pool.sks-keyservers.net --recv-keys 77984A986EBC2AA786BC0F66B01FBB92821C587A
<ide> ```
<ide>
<ide> See the section above on [Verifying Binaries](#verifying-binaries) for details | 1 |
PHP | PHP | add a failing test to reproduce the issue | 0f4aa4100e17598c3d1c2539c0e72e5662c200d4 | <ide><path>tests/TestCase/View/Helper/TimeHelperTest.php
<ide> public function testFormat()
<ide> $result = $this->Time->format('invalid date', null, 'Date invalid');
<ide> $expected = 'Date invalid';
<ide> $this->assertEquals($expected, $result);
<add>
<add> \Cake\I18n\I18n::locale('fr-FR');
<add> Time::$defaultLocale = 'fr-FR';
<add> $time = new \Cake\I18n\FrozenTime('Thu Jan 14 13:59:28 2010');
<add> $result = $this->Time->format($time);
<add> $expected = '14/01/2010 13:59';
<add> $this->assertTimeFormat($expected, $result);
<add> \Cake\I18n\I18n::locale('en-US');
<add>
<ide> }
<ide>
<ide> /** | 1 |
Python | Python | add augment_label to randombrightness | 14579168fb86cc8508e953678150bd5d26a3bb0c | <ide><path>keras/layers/preprocessing/image_preprocessing.py
<ide> def augment_image(self, image, transformation=None):
<ide> transformation = self.get_random_transformation()
<ide> return self._brightness_adjust(image, transformation['rgb_delta'])
<ide>
<add> def augment_label(self, label, transformation=None):
<add> return label
<add>
<ide> def get_random_transformation(self,
<ide> image=None,
<ide> label=None, | 1 |
Text | Text | add translation for getting-started.md | b7471bcd9320e4473a0571179e624b634daa99ac | <ide><path>docs/docs/getting-started.zh-CN.md
<add>---
<add>id: getting-started-zh-CN
<add>title: 开始
<add>layout: docs
<add>next: tutorial.html
<add>---
<add>
<add>## JSFiddle
<add>
<add>开始 Hack React 的最简单的方法是用下面 JSFiddle 的Hello Worlds
<add>
<add> * **[React JSFiddle](http://jsfiddle.net/vjeux/kb3gN/)**
<add> * [React JSFiddle without JSX](http://jsfiddle.net/vjeux/VkebS/)
<add>
<add>## 新手教程包 (Starter Kit)
<add>
<add>开始先下载新手教程包
<add>
<add><div class="buttons-unit downloads">
<add> <a href="/react/downloads/react-{{site.react_version}}.zip" class="button">
<add> 下载新手教程包 {{site.react_version}}
<add> </a>
<add></div>
<add>
<add>在新手教程包的根目录,创建一个含有下面代码的`helloworld.html`
<add>
<add>```html
<add><!DOCTYPE html>
<add><html>
<add> <head>
<add> <script src="build/react.js"></script>
<add> <script src="build/JSXTransformer.js"></script>
<add> </head>
<add> <body>
<add> <div id="example"></div>
<add> <script type="text/jsx">
<add> /** @jsx React.DOM */
<add> React.renderComponent(
<add> <h1>Hello, world!</h1>,
<add> document.getElementById('example')
<add> );
<add> </script>
<add> </body>
<add></html>
<add>```
<add>
<add>在 JavaScript 代码里写着 XML 格式的代码称为 JSX;可以去 [JSX 语法](/react/docs/jsx-in-depth.html) 里学习更多 JSX 相关的知识。为了把 JSX 转成标准的 JavaScript,我们用 `<script type="text/jsx">` 标签包裹着含有 JSX 的代码,然后引入 `JSXTransformer.js` 库来实现在浏览器里的代码转换。
<add>
<add>### 分离文件
<add>
<add>你的 React JSX 代码文件可以写在另外的文件里。新建下面的 `src/helloworld.js`。
<add>
<add>```javascript
<add>/** @jsx React.DOM */
<add>React.renderComponent(
<add> <h1>Hello, world!</h1>,
<add> document.getElementById('example')
<add>);
<add>```
<add>
<add>然后在 `helloworld.html` 引用该文件:
<add>
<add>```html{10}
<add><script type="text/jsx" src="src/helloworld.js"></script>
<add>```
<add>
<add>### 离线转换
<add>
<add>先安装命令行工具(依赖 [npm](http://npmjs.org/)):
<add>
<add>```
<add>npm install -g react-tools
<add>```
<add>
<add>然后把你的 `src/helloworld.js` 文件转成标准的 JavaScript:
<add>
<add>```
<add>jsx --watch src/ build/
<add>
<add>```
<add>
<add>只要你修改了, `build/helloworld.js` 文件会自动生成。
<add>
<add>```javascript{3}
<add>/** @jsx React.DOM */
<add>React.renderComponent(
<add> React.DOM.h1(null, 'Hello, world!'),
<add> document.getElementById('example')
<add>);
<add>```
<add>
<add>> 注意:
<add>>
<add>> 目前注释解析器还是非常严格;为了让它能够找出 `@jsx` 修饰符,有两个限制是必须的。`@jsx` 注释块必须是代码文件第一个注释。注释必须以 `/**` (`/*` 和 `//` 不起作用) 开头。如果解析器找不到 `@jsx` 注释,它就不会转换代码,直接原样输出到文件。
<add>
<add>对照下面更新你的 HTML 代码
<add>
<add>```html{6,10}
<add><!DOCTYPE html>
<add><html>
<add> <head>
<add> <title>Hello React!</title>
<add> <script src="build/react.js"></script>
<add> <!-- No need for JSXTransformer! -->
<add> </head>
<add> <body>
<add> <div id="example"></div>
<add> <script src="build/helloworld.js"></script>
<add> </body>
<add></html>
<add>```
<add>
<add>## 想用 CommonJS?
<add>
<add>如果你想在一个模块系统里使用 React,[fork 我们的代码](http://github.com/facebook/react), `npm install` 然后运行 `grunt`。一个漂亮的 CommonJS 模块集将会被生成。我们的 `jsx` 转换工具可以很轻松的集成到大部分打包系统里(不仅仅是 CommonJS)。
<add>
<add>## 下一步
<add>
<add>去看看[入门教程](/react/docs/tutorial.html),然后学习其他在 `/examples` 目录里的示例代码。祝你好运,欢迎来到 React 的世界。
<add> | 1 |
Javascript | Javascript | add responder allowmultiplehostchildren flag | 1160b37691d32c9bf385b7e7d7a106adce05c7df | <ide><path>packages/react-dom/src/events/DOMEventResponderSystem.js
<ide> import {
<ide> EventComponent,
<ide> EventTarget as EventTargetWorkTag,
<ide> HostComponent,
<del> SuspenseComponent,
<del> Fragment,
<ide> } from 'shared/ReactWorkTags';
<ide> import type {
<ide> ReactEventResponder,
<ide> import warning from 'shared/warning';
<ide> import {enableEventAPI} from 'shared/ReactFeatureFlags';
<ide> import {invokeGuardedCallbackAndCatchFirstError} from 'shared/ReactErrorUtils';
<ide> import invariant from 'shared/invariant';
<add>import {
<add> isFiberSuspenseAndTimedOut,
<add> getSuspenseFallbackChild,
<add>} from 'react-reconciler/src/ReactFiberEvents';
<ide>
<ide> import {getClosestInstanceFromNode} from '../client/ReactDOMComponentTree';
<ide>
<ide> const eventResponderContext: ReactResponderContext = {
<ide> validateResponderContext();
<ide> const focusableElements = [];
<ide> const eventComponentInstance = ((currentInstance: any): ReactEventComponentInstance);
<del> let node = ((eventComponentInstance.currentFiber: any): Fiber).child;
<del>
<del> while (node !== null) {
<del> if (node.tag === SuspenseComponent) {
<del> const suspendedChild = isFiberSuspenseAndTimedOut(node)
<del> ? getSuspenseFallbackChild(node)
<del> : getSuspenseChild(node);
<del> if (suspendedChild !== null) {
<del> node = suspendedChild;
<del> continue;
<del> }
<del> } else {
<del> if (isFiberHostComponentFocusable(node)) {
<del> focusableElements.push(node.stateNode);
<del> } else {
<del> const child = node.child;
<add> const child = ((eventComponentInstance.currentFiber: any): Fiber).child;
<ide>
<del> if (child !== null) {
<del> node = child;
<del> continue;
<del> }
<del> }
<del> }
<del> const sibling = node.sibling;
<del>
<del> if (sibling !== null) {
<del> node = sibling;
<del> continue;
<del> }
<del> let parent;
<del> if (isFiberSuspenseChild(node)) {
<del> parent = getSuspenseFiberFromChild(node);
<del> } else {
<del> parent = node.return;
<del> if (parent === null) {
<del> break;
<del> }
<del> }
<del> if (parent.stateNode === currentInstance) {
<del> break;
<del> }
<del> node = parent.sibling;
<add> if (child !== null) {
<add> collectFocusableElements(child, focusableElements);
<ide> }
<del>
<ide> return focusableElements;
<ide> },
<ide> getActiveDocument,
<ide> const eventResponderContext: ReactResponderContext = {
<ide> },
<ide> };
<ide>
<add>function collectFocusableElements(
<add> node: Fiber,
<add> focusableElements: Array<HTMLElement>,
<add>): void {
<add> if (isFiberSuspenseAndTimedOut(node)) {
<add> const fallbackChild = getSuspenseFallbackChild(node);
<add> if (fallbackChild !== null) {
<add> collectFocusableElements(fallbackChild, focusableElements);
<add> }
<add> } else {
<add> if (isFiberHostComponentFocusable(node)) {
<add> focusableElements.push(node.stateNode);
<add> } else {
<add> const child = node.child;
<add>
<add> if (child !== null) {
<add> collectFocusableElements(child, focusableElements);
<add> }
<add> }
<add> }
<add> const sibling = node.sibling;
<add>
<add> if (sibling !== null) {
<add> collectFocusableElements(sibling, focusableElements);
<add> }
<add>}
<add>
<ide> function isTargetWithinEventComponent(target: Element | Document): boolean {
<ide> validateResponderContext();
<ide> if (target != null) {
<ide> export function processEventQueue(): void {
<ide> }
<ide> }
<ide>
<del>function isFiberSuspenseAndTimedOut(fiber: Fiber): boolean {
<del> return fiber.tag === SuspenseComponent && fiber.memoizedState !== null;
<del>}
<del>
<del>function isFiberSuspenseChild(fiber: Fiber | null): boolean {
<del> if (fiber === null) {
<del> return false;
<del> }
<del> const parent = fiber.return;
<del> if (parent !== null && parent.tag === Fragment) {
<del> const grandParent = parent.return;
<del>
<del> if (
<del> grandParent !== null &&
<del> grandParent.tag === SuspenseComponent &&
<del> grandParent.stateNode !== null
<del> ) {
<del> return true;
<del> }
<del> }
<del> return false;
<del>}
<del>
<del>function getSuspenseFiberFromChild(fiber: Fiber): Fiber {
<del> return ((((fiber.return: any): Fiber).return: any): Fiber);
<del>}
<del>
<del>function getSuspenseFallbackChild(fiber: Fiber): Fiber | null {
<del> return ((((fiber.child: any): Fiber).sibling: any): Fiber).child;
<del>}
<del>
<del>function getSuspenseChild(fiber: Fiber): Fiber | null {
<del> return (((fiber.child: any): Fiber): Fiber).child;
<del>}
<del>
<ide> function getTargetEventTypesSet(
<ide> eventTypes: Array<ReactEventResponderEventType>,
<ide> ): Set<string> {
<ide><path>packages/react-dom/src/events/__tests__/DOMEventResponderSystem-test.internal.js
<ide> let React;
<ide> let ReactFeatureFlags;
<ide> let ReactDOM;
<ide>
<del>function createReactEventComponent(
<add>function createReactEventComponent({
<ide> targetEventTypes,
<ide> rootEventTypes,
<ide> createInitialState,
<ide> function createReactEventComponent(
<ide> onUnmount,
<ide> onOwnershipChange,
<ide> stopLocalPropagation,
<del>) {
<add> allowMultipleHostChildren,
<add>}) {
<ide> const testEventResponder = {
<ide> targetEventTypes,
<ide> rootEventTypes,
<ide> function createReactEventComponent(
<ide> onUnmount,
<ide> onOwnershipChange,
<ide> stopLocalPropagation: stopLocalPropagation || false,
<add> allowMultipleHostChildren: allowMultipleHostChildren || false,
<ide> };
<ide>
<ide> return {
<ide> describe('DOMEventResponderSystem', () => {
<ide> let eventLog = [];
<ide> const buttonRef = React.createRef();
<ide>
<del> const ClickEventComponent = createReactEventComponent(
<del> ['click'],
<del> undefined,
<del> undefined,
<del> (event, context, props) => {
<add> const ClickEventComponent = createReactEventComponent({
<add> targetEventTypes: ['click'],
<add> onEvent: (event, context, props) => {
<ide> eventResponderFiredCount++;
<ide> eventLog.push({
<ide> name: event.type,
<ide> describe('DOMEventResponderSystem', () => {
<ide> phase: 'bubble',
<ide> });
<ide> },
<del> (event, context, props) => {
<add> onEventCapture: (event, context, props) => {
<ide> eventResponderFiredCount++;
<ide> eventLog.push({
<ide> name: event.type,
<ide> describe('DOMEventResponderSystem', () => {
<ide> phase: 'capture',
<ide> });
<ide> },
<del> );
<add> });
<ide>
<ide> const Test = () => (
<ide> <ClickEventComponent>
<ide> describe('DOMEventResponderSystem', () => {
<ide> let eventLog = [];
<ide> const buttonRef = React.createRef();
<ide>
<del> const ClickEventComponent = createReactEventComponent(
<del> ['click'],
<del> undefined,
<del> undefined,
<del> (event, context, props) => {
<add> const ClickEventComponent = createReactEventComponent({
<add> targetEventTypes: ['click'],
<add> onEvent: (event, context, props) => {
<ide> eventLog.push({
<ide> name: event.type,
<ide> passive: event.passive,
<ide> passiveSupported: event.passiveSupported,
<ide> phase: 'bubble',
<ide> });
<ide> },
<del> (event, context, props) => {
<add> onEventCapture: (event, context, props) => {
<ide> eventLog.push({
<ide> name: event.type,
<ide> passive: event.passive,
<ide> passiveSupported: event.passiveSupported,
<ide> phase: 'capture',
<ide> });
<ide> },
<del> );
<add> });
<ide>
<ide> const Test = () => (
<ide> <ClickEventComponent>
<ide> describe('DOMEventResponderSystem', () => {
<ide> let eventLog = [];
<ide> const buttonRef = React.createRef();
<ide>
<del> const ClickEventComponent = createReactEventComponent(
<del> ['click'],
<del> undefined,
<del> undefined,
<del> (event, context, props) => {
<add> const ClickEventComponent = createReactEventComponent({
<add> targetEventTypes: ['click'],
<add> onEvent: (event, context, props) => {
<ide> eventResponderFiredCount++;
<ide> eventLog.push({
<ide> name: event.type,
<ide> describe('DOMEventResponderSystem', () => {
<ide> phase: 'bubble',
<ide> });
<ide> },
<del> (event, context, props) => {
<add> onEventCapture: (event, context, props) => {
<ide> eventResponderFiredCount++;
<ide> eventLog.push({
<ide> name: event.type,
<ide> describe('DOMEventResponderSystem', () => {
<ide> phase: 'capture',
<ide> });
<ide> },
<del> );
<add> });
<ide>
<ide> const Test = () => (
<ide> <ClickEventComponent>
<ide> describe('DOMEventResponderSystem', () => {
<ide> let eventLog = [];
<ide> const buttonRef = React.createRef();
<ide>
<del> const ClickEventComponentA = createReactEventComponent(
<del> ['click'],
<del> undefined,
<del> undefined,
<del> (event, context, props) => {
<add> const ClickEventComponentA = createReactEventComponent({
<add> targetEventTypes: ['click'],
<add> onEvent: (event, context, props) => {
<ide> eventLog.push(`A [bubble]`);
<ide> },
<del> (event, context, props) => {
<add> onEventCapture: (event, context, props) => {
<ide> eventLog.push(`A [capture]`);
<ide> },
<del> );
<add> });
<ide>
<del> const ClickEventComponentB = createReactEventComponent(
<del> ['click'],
<del> undefined,
<del> undefined,
<del> (event, context, props) => {
<add> const ClickEventComponentB = createReactEventComponent({
<add> targetEventTypes: ['click'],
<add> onEvent: (event, context, props) => {
<ide> eventLog.push(`B [bubble]`);
<ide> },
<del> (event, context, props) => {
<add> onEventCapture: (event, context, props) => {
<ide> eventLog.push(`B [capture]`);
<ide> },
<del> );
<add> });
<ide>
<ide> const Test = () => (
<ide> <ClickEventComponentA>
<ide> describe('DOMEventResponderSystem', () => {
<ide> let eventLog = [];
<ide> const buttonRef = React.createRef();
<ide>
<del> const ClickEventComponent = createReactEventComponent(
<del> ['click'],
<del> undefined,
<del> undefined,
<del> (event, context, props) => {
<add> const ClickEventComponent = createReactEventComponent({
<add> targetEventTypes: ['click'],
<add> onEvent: (event, context, props) => {
<ide> eventLog.push(`${props.name} [bubble]`);
<ide> },
<del> (event, context, props) => {
<add> onEventCapture: (event, context, props) => {
<ide> eventLog.push(`${props.name} [capture]`);
<ide> },
<del> undefined,
<del> undefined,
<del> undefined,
<del> false,
<del> );
<add> stopLocalPropagation: false,
<add> });
<ide>
<ide> const Test = () => (
<ide> <ClickEventComponent name="A">
<ide> describe('DOMEventResponderSystem', () => {
<ide> let eventLog = [];
<ide> const buttonRef = React.createRef();
<ide>
<del> const ClickEventComponent = createReactEventComponent(
<del> ['click'],
<del> undefined,
<del> undefined,
<del> (event, context, props) => {
<add> const ClickEventComponent = createReactEventComponent({
<add> targetEventTypes: ['click'],
<add> onEvent: (event, context, props) => {
<ide> eventLog.push(`${props.name} [bubble]`);
<ide> },
<del> (event, context, props) => {
<add> onEventCapture: (event, context, props) => {
<ide> eventLog.push(`${props.name} [capture]`);
<ide> },
<del> undefined,
<del> undefined,
<del> undefined,
<del> undefined,
<del> true,
<del> );
<add> stopLocalPropagation: true,
<add> });
<ide>
<ide> const Test = () => (
<ide> <ClickEventComponent name="A">
<ide> describe('DOMEventResponderSystem', () => {
<ide> let eventLog = [];
<ide> const buttonRef = React.createRef();
<ide>
<del> const ClickEventComponent = createReactEventComponent(
<del> ['click'],
<del> undefined,
<del> undefined,
<del> (event, context, props) => {
<add> const ClickEventComponent = createReactEventComponent({
<add> targetEventTypes: ['click'],
<add> onEvent: (event, context, props) => {
<ide> if (props.onMagicClick) {
<ide> const syntheticEvent = {
<ide> target: event.target,
<ide> describe('DOMEventResponderSystem', () => {
<ide> });
<ide> }
<ide> },
<del> (event, context, props) => {
<add> onEventCapture: (event, context, props) => {
<ide> if (props.onMagicClick) {
<ide> const syntheticEvent = {
<ide> target: event.target,
<ide> describe('DOMEventResponderSystem', () => {
<ide> });
<ide> }
<ide> },
<del> );
<add> });
<ide>
<ide> function handleMagicEvent(e) {
<ide> eventLog.push('magic event fired', e.type, e.phase);
<ide> describe('DOMEventResponderSystem', () => {
<ide> }, 500);
<ide> }
<ide>
<del> const LongPressEventComponent = createReactEventComponent(
<del> ['click'],
<del> undefined,
<del> undefined,
<del> (event, context, props) => {
<add> const LongPressEventComponent = createReactEventComponent({
<add> targetEventTypes: ['click'],
<add> onEvent: (event, context, props) => {
<ide> handleEvent(event, context, props, 'bubble');
<ide> },
<del> (event, context, props) => {
<add> onEventCapture: (event, context, props) => {
<ide> handleEvent(event, context, props, 'capture');
<ide> },
<del> );
<add> });
<ide>
<ide> function log(msg) {
<ide> eventLog.push(msg);
<ide> describe('DOMEventResponderSystem', () => {
<ide> it('the event responder onMount() function should fire', () => {
<ide> let onMountFired = 0;
<ide>
<del> const EventComponent = createReactEventComponent(
<del> [],
<del> undefined,
<del> undefined,
<del> undefined,
<del> undefined,
<del> undefined,
<del> () => {
<add> const EventComponent = createReactEventComponent({
<add> targetEventTypes: [],
<add> onMount: () => {
<ide> onMountFired++;
<ide> },
<del> );
<add> });
<ide>
<ide> const Test = () => (
<ide> <EventComponent>
<ide> describe('DOMEventResponderSystem', () => {
<ide> it('the event responder onUnmount() function should fire', () => {
<ide> let onUnmountFired = 0;
<ide>
<del> const EventComponent = createReactEventComponent(
<del> [],
<del> undefined,
<del> undefined,
<del> undefined,
<del> undefined,
<del> undefined,
<del> undefined,
<del> () => {
<add> const EventComponent = createReactEventComponent({
<add> targetEventTypes: [],
<add> onUnmount: () => {
<ide> onUnmountFired++;
<ide> },
<del> );
<add> });
<ide>
<ide> const Test = () => (
<ide> <EventComponent>
<ide> describe('DOMEventResponderSystem', () => {
<ide> it('the event responder onUnmount() function should fire with state', () => {
<ide> let counter = 0;
<ide>
<del> const EventComponent = createReactEventComponent(
<del> [],
<del> undefined,
<del> () => ({
<add> const EventComponent = createReactEventComponent({
<add> targetEventTypes: [],
<add> createInitialState: () => ({
<ide> incrementAmount: 5,
<ide> }),
<del> undefined,
<del> undefined,
<del> undefined,
<del> undefined,
<del> (context, props, state) => {
<add> onUnmount: (context, props, state) => {
<ide> counter += state.incrementAmount;
<ide> },
<del> );
<add> });
<ide>
<ide> const Test = () => (
<ide> <EventComponent>
<ide> describe('DOMEventResponderSystem', () => {
<ide> let ownershipGained = false;
<ide> const buttonRef = React.createRef();
<ide>
<del> const EventComponent = createReactEventComponent(
<del> ['click'],
<del> undefined,
<del> undefined,
<del> (event, context, props, state) => {
<add> const EventComponent = createReactEventComponent({
<add> targetEventTypes: ['click'],
<add> onEvent: (event, context, props, state) => {
<ide> ownershipGained = context.requestGlobalOwnership();
<ide> },
<del> undefined,
<del> undefined,
<del> undefined,
<del> undefined,
<del> () => {
<add> onOwnershipChange: () => {
<ide> onOwnershipChangeFired++;
<ide> },
<del> );
<add> });
<ide>
<ide> const Test = () => (
<ide> <EventComponent>
<ide> describe('DOMEventResponderSystem', () => {
<ide> let eventResponderFiredCount = 0;
<ide> let eventLog = [];
<ide>
<del> const ClickEventComponent = createReactEventComponent(
<del> undefined,
<del> ['click'],
<del> undefined,
<del> undefined,
<del> undefined,
<del> event => {
<add> const ClickEventComponent = createReactEventComponent({
<add> rootEventTypes: ['click'],
<add> onRootEvent: event => {
<ide> eventResponderFiredCount++;
<ide> eventLog.push({
<ide> name: event.type,
<ide> describe('DOMEventResponderSystem', () => {
<ide> phase: 'root',
<ide> });
<ide> },
<del> );
<add> });
<ide>
<ide> const Test = () => (
<ide> <ClickEventComponent>
<ide> describe('DOMEventResponderSystem', () => {
<ide> const divRef = React.createRef();
<ide> const log = [];
<ide>
<del> const EventComponent = createReactEventComponent(
<del> ['pointerout'],
<del> undefined,
<del> undefined,
<del> (event, context) => {
<add> const EventComponent = createReactEventComponent({
<add> targetEventTypes: ['pointerout'],
<add> onEvent: (event, context) => {
<ide> const isWithin = context.isTargetWithinEventResponderScope(
<ide> event.nativeEvent.relatedTarget,
<ide> );
<ide> log.push(isWithin);
<ide> },
<del> );
<add> allowMultipleHostChildren: true,
<add> });
<ide>
<ide> const Test = () => (
<ide> <EventComponent>
<ide> describe('DOMEventResponderSystem', () => {
<ide> let eventLog = [];
<ide> const buttonRef = React.createRef();
<ide>
<del> const ClickEventComponent1 = createReactEventComponent(
<del> [{name: 'click', passive: false, capture: false}],
<del> undefined,
<del> undefined,
<del> event => {
<add> const ClickEventComponent1 = createReactEventComponent({
<add> targetEventTypes: [{name: 'click', passive: false, capture: false}],
<add> onEvent: event => {
<ide> clickEventComponent1Fired++;
<ide> eventLog.push({
<ide> name: event.type,
<ide> passive: event.passive,
<ide> passiveSupported: event.passiveSupported,
<ide> });
<ide> },
<del> );
<add> });
<ide>
<del> const ClickEventComponent2 = createReactEventComponent(
<del> [{name: 'click', passive: true, capture: false}],
<del> undefined,
<del> undefined,
<del> event => {
<add> const ClickEventComponent2 = createReactEventComponent({
<add> targetEventTypes: [{name: 'click', passive: true, capture: false}],
<add> onEvent: event => {
<ide> clickEventComponent2Fired++;
<ide> eventLog.push({
<ide> name: event.type,
<ide> passive: event.passive,
<ide> passiveSupported: event.passiveSupported,
<ide> });
<ide> },
<del> );
<add> });
<ide>
<ide> const Test = () => (
<ide> <ClickEventComponent1>
<ide> describe('DOMEventResponderSystem', () => {
<ide> let clickEventComponent2Fired = 0;
<ide> let eventLog = [];
<ide>
<del> const ClickEventComponent1 = createReactEventComponent(
<del> undefined,
<del> [{name: 'click', passive: false, capture: false}],
<del> undefined,
<del> undefined,
<del> undefined,
<del> event => {
<add> const ClickEventComponent1 = createReactEventComponent({
<add> rootEventTypes: [{name: 'click', passive: false, capture: false}],
<add> onRootEvent: event => {
<ide> clickEventComponent1Fired++;
<ide> eventLog.push({
<ide> name: event.type,
<ide> passive: event.passive,
<ide> passiveSupported: event.passiveSupported,
<ide> });
<ide> },
<del> );
<add> });
<ide>
<del> const ClickEventComponent2 = createReactEventComponent(
<del> undefined,
<del> [{name: 'click', passive: true, capture: false}],
<del> undefined,
<del> undefined,
<del> undefined,
<del> event => {
<add> const ClickEventComponent2 = createReactEventComponent({
<add> rootEventTypes: [{name: 'click', passive: true, capture: false}],
<add> onRootEvent: event => {
<ide> clickEventComponent2Fired++;
<ide> eventLog.push({
<ide> name: event.type,
<ide> passive: event.passive,
<ide> passiveSupported: event.passiveSupported,
<ide> });
<ide> },
<del> );
<add> });
<ide>
<ide> const Test = () => (
<ide> <ClickEventComponent1>
<ide> describe('DOMEventResponderSystem', () => {
<ide> });
<ide>
<ide> it('the event responder system should warn on accessing invalid properties', () => {
<del> const ClickEventComponent = createReactEventComponent(
<del> undefined,
<del> ['click'],
<del> undefined,
<del> undefined,
<del> undefined,
<del> (event, context, props) => {
<add> const ClickEventComponent = createReactEventComponent({
<add> rootEventTypes: ['click'],
<add> onRootEvent: (event, context, props) => {
<ide> const syntheticEvent = {
<ide> target: event.target,
<ide> type: 'click',
<ide> describe('DOMEventResponderSystem', () => {
<ide> discrete: true,
<ide> });
<ide> },
<del> );
<add> });
<ide>
<ide> let handler;
<ide> const Test = () => (
<ide> describe('DOMEventResponderSystem', () => {
<ide>
<ide> expect(container.innerHTML).toBe('<button>Click me!</button>');
<ide> });
<add>
<add> it('should warn if multiple host components are detected without allowMultipleHostChildren', () => {
<add> const EventComponent = createReactEventComponent({
<add> targetEventTypes: [],
<add> onEvent: () => {},
<add> allowMultipleHostChildren: false,
<add> });
<add>
<add> const Test = () => (
<add> <EventComponent>
<add> <div />
<add> <div />
<add> </EventComponent>
<add> );
<add>
<add> expect(() => {
<add> ReactDOM.render(<Test />, container);
<add> }).toWarnDev(
<add> 'Warning: A "<TestEventComponent>" event component cannot contain multiple host children.',
<add> );
<add>
<add> function Component() {
<add> return <div />;
<add> }
<add>
<add> const Test2 = () => (
<add> <EventComponent>
<add> <div />
<add> <Component />
<add> </EventComponent>
<add> );
<add>
<add> expect(() => {
<add> ReactDOM.render(<Test2 />, container);
<add> }).toWarnDev(
<add> 'Warning: A "<TestEventComponent>" event component cannot contain multiple host children.',
<add> );
<add> });
<add>
<add> it('should handle suspended nodes correctly when detecting host components without allowMultipleHostChildren', () => {
<add> const EventComponent = createReactEventComponent({
<add> targetEventTypes: [],
<add> onEvent: () => {},
<add> allowMultipleHostChildren: false,
<add> });
<add>
<add> function SuspendedComponent() {
<add> throw Promise.resolve();
<add> }
<add>
<add> function Component() {
<add> return (
<add> <React.Fragment>
<add> <div />
<add> <SuspendedComponent />
<add> </React.Fragment>
<add> );
<add> }
<add>
<add> const Test = () => (
<add> <EventComponent>
<add> <React.Suspense fallback={<div>Loading...</div>}>
<add> <Component />
<add> </React.Suspense>
<add> </EventComponent>
<add> );
<add>
<add> ReactDOM.render(<Test />, container);
<add>
<add> function Component2() {
<add> return (
<add> <React.Fragment>
<add> <SuspendedComponent />
<add> </React.Fragment>
<add> );
<add> }
<add>
<add> const Test2 = () => (
<add> <EventComponent>
<add> <React.Suspense
<add> fallback={
<add> <React.Fragment>
<add> <div />
<add> <div />
<add> </React.Fragment>
<add> }>
<add> <Component2 />
<add> </React.Suspense>
<add> </EventComponent>
<add> );
<add>
<add> expect(() => {
<add> ReactDOM.render(<Test2 />, container);
<add> }).toWarnDev(
<add> 'Warning: A "<TestEventComponent>" event component cannot contain multiple host children.',
<add> );
<add> });
<add>
<add> it('should not warn if multiple host components are detected with allowMultipleHostChildren', () => {
<add> const EventComponent = createReactEventComponent({
<add> targetEventTypes: [],
<add> onEvent: () => {},
<add> allowMultipleHostChildren: true,
<add> });
<add>
<add> const Test = () => (
<add> <EventComponent>
<add> <div />
<add> <div />
<add> </EventComponent>
<add> );
<add>
<add> ReactDOM.render(<Test />, container);
<add>
<add> function Component() {
<add> return <div />;
<add> }
<add>
<add> const Test2 = () => (
<add> <EventComponent>
<add> <div />
<add> <Component />
<add> </EventComponent>
<add> );
<add>
<add> ReactDOM.render(<Test2 />, container);
<add> });
<ide> });
<ide><path>packages/react-events/src/Drag.js
<ide> const DragResponder = {
<ide> y: 0,
<ide> };
<ide> },
<add> allowMultipleHostChildren: false,
<ide> stopLocalPropagation: true,
<ide> onEvent(
<ide> event: ReactResponderEvent,
<ide><path>packages/react-events/src/Focus.js
<ide> const FocusResponder = {
<ide> pointerType: '',
<ide> };
<ide> },
<add> allowMultipleHostChildren: false,
<ide> stopLocalPropagation: true,
<ide> onEvent(
<ide> event: ReactResponderEvent,
<ide><path>packages/react-events/src/FocusScope.js
<ide> const FocusScopeResponder = {
<ide> currentFocusedNode: null,
<ide> };
<ide> },
<add> allowMultipleHostChildren: true,
<add> stopLocalPropagation: false,
<ide> onEvent(
<ide> event: ReactResponderEvent,
<ide> context: ReactResponderContext,
<ide><path>packages/react-events/src/Hover.js
<ide> const HoverResponder = {
<ide> ignoreEmulatedMouseEvents: false,
<ide> };
<ide> },
<add> allowMultipleHostChildren: false,
<ide> stopLocalPropagation: true,
<ide> onEvent(
<ide> event: ReactResponderEvent,
<ide><path>packages/react-events/src/Press.js
<ide> const PressResponder = {
<ide> allowPressReentry: false,
<ide> };
<ide> },
<add> allowMultipleHostChildren: false,
<ide> stopLocalPropagation: true,
<ide> onEvent(
<ide> event: ReactResponderEvent,
<ide><path>packages/react-events/src/Swipe.js
<ide> const SwipeResponder = {
<ide> y: 0,
<ide> };
<ide> },
<add> allowMultipleHostChildren: false,
<ide> stopLocalPropagation: true,
<ide> onEvent(
<ide> event: ReactResponderEvent,
<ide><path>packages/react-reconciler/src/ReactFiberCompleteWork.js
<ide> import {
<ide> enableEventAPI,
<ide> } from 'shared/ReactFeatureFlags';
<ide> import {markRenderEventTime, renderDidSuspend} from './ReactFiberScheduler';
<add>import {getEventComponentHostChildrenCount} from './ReactFiberEvents';
<add>import getComponentName from 'shared/getComponentName';
<add>import warning from 'shared/warning';
<ide>
<ide> function markUpdate(workInProgress: Fiber) {
<ide> // Tag the fiber with an update effect. This turns a Placement into
<ide> function completeWork(
<ide>
<ide> if (eventComponentInstance === null) {
<ide> let responderState = null;
<add> if (__DEV__ && !responder.allowMultipleHostChildren) {
<add> const hostChildrenCount = getEventComponentHostChildrenCount(
<add> workInProgress,
<add> );
<add> warning(
<add> (hostChildrenCount || 0) < 2,
<add> 'A "<%s>" event component cannot contain multiple host children.',
<add> getComponentName(workInProgress.type),
<add> );
<add> }
<ide> if (responder.createInitialState !== undefined) {
<ide> responderState = responder.createInitialState(newProps);
<ide> }
<ide><path>packages/react-reconciler/src/ReactFiberEvents.js
<add>/**
<add> * Copyright (c) Facebook, Inc. and its affiliates.
<add> *
<add> * This source code is licensed under the MIT license found in the
<add> * LICENSE file in the root directory of this source tree.
<add> *
<add> * @flow
<add> */
<add>
<add>import type {Fiber} from './ReactFiber';
<add>
<add>import {
<add> HostComponent,
<add> HostText,
<add> HostPortal,
<add> SuspenseComponent,
<add> Fragment,
<add>} from 'shared/ReactWorkTags';
<add>
<add>export function isFiberSuspenseAndTimedOut(fiber: Fiber): boolean {
<add> return fiber.tag === SuspenseComponent && fiber.memoizedState !== null;
<add>}
<add>
<add>export function getSuspenseFallbackChild(fiber: Fiber): Fiber | null {
<add> return ((((fiber.child: any): Fiber).sibling: any): Fiber).child;
<add>}
<add>
<add>export function isFiberSuspenseTimedOutChild(fiber: Fiber | null): boolean {
<add> if (fiber === null) {
<add> return false;
<add> }
<add> const parent = fiber.return;
<add> if (parent !== null && parent.tag === Fragment) {
<add> const grandParent = parent.return;
<add>
<add> if (
<add> grandParent !== null &&
<add> grandParent.tag === SuspenseComponent &&
<add> grandParent.stateNode !== null
<add> ) {
<add> return true;
<add> }
<add> }
<add> return false;
<add>}
<add>
<add>export function getSuspenseFiberFromTimedOutChild(fiber: Fiber): Fiber {
<add> return ((((fiber.return: any): Fiber).return: any): Fiber);
<add>}
<add>
<add>export function getEventComponentHostChildrenCount(
<add> eventComponentFiber: Fiber,
<add>): ?number {
<add> if (__DEV__) {
<add> let hostChildrenCount = 0;
<add> const getHostChildrenCount = node => {
<add> if (isFiberSuspenseAndTimedOut(node)) {
<add> const fallbackChild = getSuspenseFallbackChild(node);
<add> if (fallbackChild !== null) {
<add> getHostChildrenCount(fallbackChild);
<add> }
<add> } else if (
<add> node.tag === HostComponent ||
<add> node.tag === HostText ||
<add> node.tag === HostPortal
<add> ) {
<add> hostChildrenCount++;
<add> } else {
<add> const child = node.child;
<add> if (child !== null) {
<add> getHostChildrenCount(child);
<add> }
<add> }
<add> const sibling = node.sibling;
<add> if (sibling !== null) {
<add> getHostChildrenCount(sibling);
<add> }
<add> };
<add>
<add> if (eventComponentFiber.child !== null) {
<add> getHostChildrenCount(eventComponentFiber.child);
<add> }
<add>
<add> return hostChildrenCount;
<add> }
<add>}
<ide><path>packages/shared/ReactTypes.js
<ide> export type ReactEventResponder = {
<ide> targetEventTypes?: Array<ReactEventResponderEventType>,
<ide> rootEventTypes?: Array<ReactEventResponderEventType>,
<ide> createInitialState?: (props: null | Object) => Object,
<add> allowMultipleHostChildren: boolean,
<ide> stopLocalPropagation: boolean,
<ide> onEvent?: (
<ide> event: ReactResponderEvent, | 11 |
Javascript | Javascript | fix route in custom-server-koa example | 7e1d174e8eca04422c840328888235c2a76d8e78 | <ide><path>examples/custom-server-koa/pages/index.js
<ide> export default function Home() {
<ide> return (
<ide> <ul>
<ide> <li>
<del> <Link href="/b" as="/a">
<add> <Link href="/a">
<ide> <a>a</a>
<ide> </Link>
<ide> </li>
<ide> <li>
<del> <Link href="/a" as="/b">
<add> <Link href="/b">
<ide> <a>b</a>
<ide> </Link>
<ide> </li> | 1 |
Text | Text | remove duplicate line in ``updating.md`` | 0dd70de9492444d52e0afaadd7a510fc8a95369c | <ide><path>UPDATING.md
<ide> It is still possible (but not required) to "register" hooks in plugins. This is
<ide>
<ide> See https://airflow.apache.org/docs/apache-airflow/stable/howto/custom-operator.html for more info.
<ide>
<del>### Adding Operators and Sensors via plugins is no longer supported
<del>
<ide> ### The default value for `[core] enable_xcom_pickling` has been changed to `False`
<ide>
<ide> The pickle type for XCom messages has been replaced to JSON by default to prevent RCE attacks. | 1 |
Javascript | Javascript | add new effect fields to old fork, and vice versa | 3ebf05183dfcb8eadfc41a9e19559d835fd9b77e | <ide><path>.eslintrc.js
<ide> module.exports = {
<ide> 'react-internal/no-cross-fork-types': [
<ide> ERROR,
<ide> {
<del> old: [
<del> 'firstEffect',
<del> 'nextEffect',
<del> // Disabled because it's also used by the Hook type.
<del> // 'lastEffect',
<del> ],
<del> new: ['subtreeFlags'],
<add> old: [],
<add> new: [],
<ide> },
<ide> ],
<ide> },
<ide> module.exports = {
<ide> {
<ide> files: [
<ide> 'packages/react-native-renderer/**/*.js',
<del> 'packages/react-transport-native-relay/**/*.js'
<add> 'packages/react-transport-native-relay/**/*.js',
<ide> ],
<ide> globals: {
<ide> nativeFabricUIManager: true,
<ide><path>packages/react-reconciler/src/ReactFiber.new.js
<ide> function FiberNode(
<ide>
<ide> // Effects
<ide> this.flags = NoFlags;
<add> this.nextEffect = null;
<add>
<add> this.firstEffect = null;
<add> this.lastEffect = null;
<ide> this.subtreeFlags = NoFlags;
<ide> this.deletions = null;
<ide>
<ide> export function assignFiberPropertiesInDEV(
<ide> target.dependencies = source.dependencies;
<ide> target.mode = source.mode;
<ide> target.flags = source.flags;
<add> target.nextEffect = source.nextEffect;
<add> target.firstEffect = source.firstEffect;
<add> target.lastEffect = source.lastEffect;
<ide> target.subtreeFlags = source.subtreeFlags;
<ide> target.deletions = source.deletions;
<ide> target.lanes = source.lanes;
<ide><path>packages/react-reconciler/src/ReactFiber.old.js
<ide> function FiberNode(
<ide>
<ide> this.firstEffect = null;
<ide> this.lastEffect = null;
<add> this.subtreeFlags = NoFlags;
<add> this.deletions = null;
<ide>
<ide> this.lanes = NoLanes;
<ide> this.childLanes = NoLanes;
<ide> export function createWorkInProgress(current: Fiber, pendingProps: any): Fiber {
<ide> workInProgress.nextEffect = null;
<ide> workInProgress.firstEffect = null;
<ide> workInProgress.lastEffect = null;
<add> workInProgress.subtreeFlags = NoFlags;
<add> workInProgress.deletions = null;
<ide>
<ide> if (enableProfilerTimer) {
<ide> // We intentionally reset, rather than copy, actualDuration & actualStartTime.
<ide> export function resetWorkInProgress(workInProgress: Fiber, renderLanes: Lanes) {
<ide> workInProgress.lanes = renderLanes;
<ide>
<ide> workInProgress.child = null;
<add> workInProgress.subtreeFlags = NoFlags;
<ide> workInProgress.memoizedProps = null;
<ide> workInProgress.memoizedState = null;
<ide> workInProgress.updateQueue = null;
<ide> export function resetWorkInProgress(workInProgress: Fiber, renderLanes: Lanes) {
<ide> workInProgress.lanes = current.lanes;
<ide>
<ide> workInProgress.child = current.child;
<add> workInProgress.subtreeFlags = current.subtreeFlags;
<add> workInProgress.deletions = null;
<ide> workInProgress.memoizedProps = current.memoizedProps;
<ide> workInProgress.memoizedState = current.memoizedState;
<ide> workInProgress.updateQueue = current.updateQueue;
<ide> export function assignFiberPropertiesInDEV(
<ide> target.nextEffect = source.nextEffect;
<ide> target.firstEffect = source.firstEffect;
<ide> target.lastEffect = source.lastEffect;
<add> target.subtreeFlags = source.subtreeFlags;
<add> target.deletions = source.deletions;
<ide> target.lanes = source.lanes;
<ide> target.childLanes = source.childLanes;
<ide> target.alternate = source.alternate; | 3 |
Javascript | Javascript | add missing semicolon | 10f8e22e20723af308cffebbcc25436ec8357ffe | <ide><path>src/renderers/shared/reconciler/__tests__/ReactUpdates-test.js
<ide> describe('ReactUpdates', function() {
<ide> expect(instance.state.y).toBe(0);
<ide>
<ide> ReactUpdates.batchedUpdates(function() {
<del> React.render(<Component x={1} />, container)
<add> React.render(<Component x={1} />, container);
<ide> instance.setState({y: 2});
<ide> expect(instance.props.x).toBe(0);
<ide> expect(instance.state.y).toBe(0); | 1 |
Python | Python | accept span to displacy render (closes ) | d16cb6bee6943c770081cfb71cdd4cd312e975fa | <ide><path>spacy/displacy/__init__.py
<ide> from __future__ import unicode_literals
<ide>
<ide> from .render import DependencyRenderer, EntityRenderer
<del>from ..tokens import Doc
<add>from ..tokens import Doc, Span
<ide> from ..compat import b_to_str
<ide> from ..errors import Errors, Warnings, user_warning
<ide> from ..util import prints, is_in_jupyter
<ide> def render(docs, style='dep', page=False, minify=False, jupyter=IS_JUPYTER,
<ide> 'ent': (EntityRenderer, parse_ents)}
<ide> if style not in factories:
<ide> raise ValueError(Errors.E087.format(style=style))
<del> if isinstance(docs, Doc) or isinstance(docs, dict):
<add> if isinstance(docs, (Doc, Span, dict)):
<ide> docs = [docs]
<add> docs = [obj if not isinstance(obj, Span) else obj.as_doc() for obj in docs]
<add> if not all(isinstance(obj, (Doc, Span, dict)) for obj in docs):
<add> raise ValueError(Errors.E096)
<ide> renderer, converter = factories[style]
<ide> renderer = renderer(options=options)
<ide> parsed = [converter(doc, options) for doc in docs] if not manual else docs
<ide><path>spacy/errors.py
<ide> class Errors(object):
<ide> E094 = ("Error reading line {line_num} in vectors file {loc}.")
<ide> E095 = ("Can't write to frozen dictionary. This is likely an internal "
<ide> "error. Are you writing to a default function argument?")
<add> E096 = ("Invalid object passed to displaCy: Can only visualize Doc or "
<add> "Span objects, or dicts if set to manual=True.")
<ide>
<ide>
<ide> @add_codes
<ide><path>spacy/tests/test_misc.py
<ide>
<ide> from ..util import ensure_path
<ide> from .. import util
<del>from ..displacy import parse_deps, parse_ents
<add>from .. import displacy
<ide> from ..tokens import Span
<ide> from .util import get_doc
<ide> from .._ml import PrecomputableAffine
<ide> def test_displacy_parse_ents(en_vocab):
<ide> """Test that named entities on a Doc are converted into displaCy's format."""
<ide> doc = get_doc(en_vocab, words=["But", "Google", "is", "starting", "from", "behind"])
<ide> doc.ents = [Span(doc, 1, 2, label=doc.vocab.strings[u'ORG'])]
<del> ents = parse_ents(doc)
<add> ents = displacy.parse_ents(doc)
<ide> assert isinstance(ents, dict)
<ide> assert ents['text'] == 'But Google is starting from behind '
<ide> assert ents['ents'] == [{'start': 4, 'end': 10, 'label': 'ORG'}]
<ide> def test_displacy_parse_deps(en_vocab):
<ide> deps = ['nsubj', 'ROOT', 'det', 'attr']
<ide> doc = get_doc(en_vocab, words=words, heads=heads, pos=pos, tags=tags,
<ide> deps=deps)
<del> deps = parse_deps(doc)
<add> deps = displacy.parse_deps(doc)
<ide> assert isinstance(deps, dict)
<ide> assert deps['words'] == [{'text': 'This', 'tag': 'DET'},
<ide> {'text': 'is', 'tag': 'VERB'},
<ide> def test_displacy_parse_deps(en_vocab):
<ide> {'start': 1, 'end': 3, 'label': 'attr', 'dir': 'right'}]
<ide>
<ide>
<add>def test_displacy_spans(en_vocab):
<add> """Test that displaCy can render Spans."""
<add> doc = get_doc(en_vocab, words=["But", "Google", "is", "starting", "from", "behind"])
<add> doc.ents = [Span(doc, 1, 2, label=doc.vocab.strings[u'ORG'])]
<add> html = displacy.render(doc[1:4], style='ent')
<add> assert html.startswith('<div')
<add>
<add>
<add>def test_displacy_raises_for_wrong_type(en_vocab):
<add> with pytest.raises(ValueError):
<add> html = displacy.render('hello world')
<add>
<add>
<ide> def test_PrecomputableAffine(nO=4, nI=5, nF=3, nP=2):
<ide> model = PrecomputableAffine(nO=nO, nI=nI, nF=nF, nP=nP)
<ide> assert model.W.shape == (nF, nO, nP, nI) | 3 |
Javascript | Javascript | sanitize even simplehttpserver | dff916771ff83e79b29f0d80370193e6941a0f75 | <ide><path>utils/servers/simplehttpserver.js
<ide> var port = 8000,
<ide> "mp4": "video/mp4",
<ide> "txt": "text/plain",
<ide> "bin": "application/octet-stream"
<del> };
<add> };
<add>
<add>// https://github.com/parshap/node-sanitize-filename/blob/master/index.js#L33-L47
<add>var illegalRe = /[\?<>:\*\|":]/g;
<add>var controlRe = /[\x00-\x1f\x80-\x9f]/g;
<add>var reservedRe = /^\.+$/;
<add>var windowsReservedRe = /^(con|prn|aux|nul|com[0-9]|lpt[0-9])(\..*)?$/i;
<add>var windowsTrailingRe = /[\. ]+$/;
<add>
<add>function sanitize(input) {
<add> var sanitized = input
<add> .replace(/\//g, "\\")
<add> .replace(illegalRe, "")
<add> .replace(controlRe, "")
<add> .replace(reservedRe, "")
<add> .replace(windowsReservedRe, "")
<add> .replace(windowsTrailingRe, "");
<add> return sanitized;
<add>}
<add>
<add>
<ide>
<ide> port = process.argv[ 2 ] ? parseInt( process.argv[ 2 ], 0 ) : port;
<ide>
<ide> function handleRequest( request, response ) {
<ide>
<del> var urlObject = urlParser.parse( request.url, true );
<del> var pathname = decodeURIComponent( urlObject.pathname );
<add> var urlObject = urlParser.parse( request.url, true );
<add> var pathname = decodeURIComponent( sanitize( urlObject.pathname ) );
<ide>
<ide> console.log( '[' + ( new Date() ).toUTCString() + '] ' + '"' + request.method + ' ' + pathname + '"' );
<ide>
<ide> function handleRequest( request, response ) {
<ide> files.unshift( '.', '..' );
<ide> files.forEach( function ( item ) {
<ide>
<del> var urlpath = pathname + item,
<del> itemStats = fs.statSync( currentDir + urlpath );
<add> var urlpath = path.join( pathname, item ),
<add> itemStats = fs.statSync( path.join( currentDir, urlpath ) );
<ide>
<ide> if ( itemStats.isDirectory() ) {
<ide> | 1 |
Python | Python | update conftest to lazy load languages | bd57b611cc1b052040f1f74f5cdb5aaed2541c4a | <ide><path>spacy/tests/conftest.py
<ide> # coding: utf-8
<ide> from __future__ import unicode_literals
<ide>
<del>from ..en import English
<del>from ..de import German
<del>from ..es import Spanish
<del>from ..it import Italian
<del>from ..fr import French
<del>from ..pt import Portuguese
<del>from ..nl import Dutch
<del>from ..sv import Swedish
<del>from ..hu import Hungarian
<del>from ..fi import Finnish
<del>from ..bn import Bengali
<del>from ..he import Hebrew
<del>from ..nb import Norwegian
<del>
<del>
<ide> from ..tokens import Doc
<ide> from ..strings import StringStore
<ide> from ..lemmatizer import Lemmatizer
<ide> from ..attrs import ORTH, TAG, HEAD, DEP
<add>from .. import util
<ide>
<ide> from io import StringIO, BytesIO
<ide> from pathlib import Path
<del>import os
<ide> import pytest
<ide>
<ide>
<del>LANGUAGES = [English, German, Spanish, Italian, French, Portuguese, Dutch,
<del> Swedish, Hungarian, Finnish, Bengali, Norwegian]
<add>_languages = ['bn', 'de', 'en', 'es', 'fi', 'fr', 'he', 'hu', 'it', 'nb', 'nl',
<add> 'pt', 'sv']
<ide>
<ide>
<del>@pytest.fixture(params=LANGUAGES)
<add>@pytest.fixture(params=_languages)
<ide> def tokenizer(request):
<del> lang = request.param
<add> lang = util.load_lang_class(request.param)
<ide> return lang.Defaults.create_tokenizer()
<ide>
<ide>
<ide> @pytest.fixture
<ide> def en_tokenizer():
<del> return English.Defaults.create_tokenizer()
<add> return util.load_lang_class('en').Defaults.create_tokenizer()
<ide>
<ide>
<ide> @pytest.fixture
<ide> def en_vocab():
<del> return English.Defaults.create_vocab()
<add> return util.load_lang_class('en').Defaults.create_vocab()
<ide>
<ide>
<ide> @pytest.fixture
<ide> def en_parser():
<del> return English.Defaults.create_parser()
<add> return util.load_lang_class('en').Defaults.create_parser()
<add>
<ide>
<ide> @pytest.fixture
<ide> def es_tokenizer():
<del> return Spanish.Defaults.create_tokenizer()
<add> return util.load_lang_class('es').Defaults.create_tokenizer()
<ide>
<ide>
<ide> @pytest.fixture
<ide> def de_tokenizer():
<del> return German.Defaults.create_tokenizer()
<add> return util.load_lang_class('de').Defaults.create_tokenizer()
<ide>
<ide>
<ide> @pytest.fixture(scope='module')
<ide> def fr_tokenizer():
<del> return French.Defaults.create_tokenizer()
<add> return util.load_lang_class('fr').Defaults.create_tokenizer()
<ide>
<ide>
<ide> @pytest.fixture
<ide> def hu_tokenizer():
<del> return Hungarian.Defaults.create_tokenizer()
<add> return util.load_lang_class('hu').Defaults.create_tokenizer()
<ide>
<ide>
<ide> @pytest.fixture
<ide> def fi_tokenizer():
<del> return Finnish.Defaults.create_tokenizer()
<add> return util.load_lang_class('fi').Defaults.create_tokenizer()
<ide>
<ide>
<ide> @pytest.fixture
<ide> def sv_tokenizer():
<del> return Swedish.Defaults.create_tokenizer()
<add> return util.load_lang_class('sv').Defaults.create_tokenizer()
<ide>
<ide>
<ide> @pytest.fixture
<ide> def bn_tokenizer():
<del> return Bengali.Defaults.create_tokenizer()
<add> return util.load_lang_class('bn').Defaults.create_tokenizer()
<ide>
<ide>
<ide> @pytest.fixture
<ide> def he_tokenizer():
<del> return Hebrew.Defaults.create_tokenizer()
<add> return util.load_lang_class('he').Defaults.create_tokenizer()
<ide>
<ide> @pytest.fixture
<ide> def nb_tokenizer():
<del> return Norwegian.Defaults.create_tokenizer()
<add> return util.load_lang_class('nb').Defaults.create_tokenizer()
<add>
<ide>
<ide> @pytest.fixture
<ide> def stringstore():
<ide> def stringstore():
<ide>
<ide> @pytest.fixture
<ide> def en_entityrecognizer():
<del> return English.Defaults.create_entity()
<add> return util.load_lang_class('en').Defaults.create_entity()
<ide>
<ide>
<ide> @pytest.fixture
<ide> def lemmatizer():
<del> return English.Defaults.create_lemmatizer()
<add> return util.load_lang_class('en').Defaults.create_lemmatizer()
<ide>
<ide>
<ide> @pytest.fixture | 1 |
Javascript | Javascript | fix routing with initialstate | a6b437824d618b549e5ae1d3d98eba8cca7dd1be | <ide><path>packages/ember-routing/lib/routable.js
<ide> Ember.Routable = Ember.Mixin.create({
<ide> state of the state it will eventually move into.
<ide> */
<ide> unroutePath: function(router, path) {
<add> var parentState = get(this, 'parentState');
<add>
<ide> // If we're at the root state, we're done
<del> if (get(this, 'parentState') === router) {
<add> if (parentState === router) {
<ide> return;
<ide> }
<ide>
<ide> Ember.Routable = Ember.Mixin.create({
<ide> }
<ide>
<ide> // Transition to the parent and call unroute again.
<del> var parentPath = get(get(this, 'parentState'), 'path');
<del> router.transitionTo(parentPath);
<add> router.enterState({
<add> exitStates: [this],
<add> enterStates: [],
<add> finalState: parentState
<add> });
<add>
<ide> router.send('unroutePath', path);
<ide> },
<ide>
<ide><path>packages/ember-routing/tests/router_test.js
<ide> test("should be able to unroute out of a state with context", function() {
<ide> equal(get(router, 'currentState.path'), 'root.components.show.index', "should go to the correct state");
<ide> });
<ide>
<add>test("should be able to route with initialState", function() {
<add> var router = Ember.Router.create({
<add> location: location,
<add> namespace: namespace,
<add> root: Ember.Route.create({
<add> initialState: 'stateOne',
<add>
<add> stateOne: Ember.Route.create({
<add> route: '/state_one'
<add> }),
<add>
<add> stateTwo: Ember.Route.create({
<add> route: '/state_two'
<add> })
<add> })
<add> });
<add>
<add> equal(get(router, 'currentState.path'), 'root.stateOne', "should be in stateOne");
<add>
<add> router.route('/state_two');
<add>
<add> equal(get(router, 'currentState.path'), 'root.stateTwo', "should be in stateTwo");
<add>});
<add>
<ide> test("should update route for redirections", function() {
<ide> var router = Ember.Router.create({
<ide> location: location, | 2 |
Ruby | Ruby | cache partial variable names to reduce garbage | 72640c61252e43ed51da368a3122fd507b7b93a6 | <ide><path>actionpack/lib/action_view/partials.rb
<ide> def partial_counter_name(partial_name)
<ide> end
<ide>
<ide> def partial_variable_name(partial_name)
<del> partial_name.split('/').last.split('.').first.intern
<add> @@partial_variable_names ||= {}
<add> @@partial_variable_names[partial_name] ||=
<add> partial_name.split('/').last.split('.').first.intern
<ide> end
<ide>
<ide> def extracting_object(partial_name, object_assigns) | 1 |
Python | Python | fix build failure | 187eef2db9182a380bd427c6f160b55b0b672878 | <ide><path>libcloud/test/storage/test_base.py
<ide> def test_upload_object_hash_calculation_is_efficient(self, mock_read_in_chunks,
<ide> stream=iterator)
<ide>
<ide> hasher = hashlib.md5()
<del> hasher.update('a' * size)
<add> hasher.update(b('a') * size)
<ide> expected_hash = hasher.hexdigest()
<ide>
<ide> self.assertEqual(result['data_hash'], expected_hash)
<ide> def test_upload_object_hash_calculation_is_efficient(self, mock_read_in_chunks,
<ide> stream=iterator)
<ide>
<ide> hasher = hashlib.md5()
<del> hasher.update('b' * size)
<add> hasher.update(b('b') * size)
<ide> expected_hash = hasher.hexdigest()
<ide>
<ide> self.assertEqual(result['data_hash'], expected_hash) | 1 |
Java | Java | reduce lockfreeeventdispatcherimpl logspam | 67b62adf4b1ba9f39d0748f4d7c8496badc91194 | <ide><path>ReactAndroid/src/main/java/com/facebook/react/uimanager/events/LockFreeEventDispatcherImpl.java
<ide> */
<ide> public class LockFreeEventDispatcherImpl implements EventDispatcher, LifecycleEventListener {
<ide>
<del> private final boolean DEBUG_MODE = true && ReactBuildConfig.DEBUG;
<add> private final boolean DEBUG_MODE = ReactBuildConfig.DEBUG;
<ide> private final String TAG = LockFreeEventDispatcherImpl.class.getSimpleName();
<ide>
<ide> private final ReactApplicationContext mReactContext;
<ide> public void dispatchEvent(Event event) {
<ide> Assertions.assertNotNull(mReactEventEmitter);
<ide>
<ide> if (DEBUG_MODE) {
<del> FLog.d(TAG, "dispatchEvent: " + event.toString());
<add> FLog.v(TAG, "dispatchEvent: " + event.toString());
<ide> }
<ide>
<ide> for (EventDispatcherListener listener : mListeners) { | 1 |
Javascript | Javascript | fix define story | c0c15cf8751214db715a1f161157c941fd189049 | <ide><path>server/boot/story.js
<ide> module.exports = function(app) {
<ide> var router = app.loopback.Router();
<ide> var User = app.models.User;
<ide> var Story = app.models.Story;
<add> var Comment = app.models.Comment;
<ide>
<ide> router.get('/stories/hotStories', hotJSON);
<ide> router.get('/stories/comments/:id', comments); | 1 |
Text | Text | correct a method param in implementation notes | fa4710fe5136e5feceed09b54c2ff49d012b8c15 | <ide><path>docs/contributing/implementation-notes.md
<ide> class CompositeComponent {
<ide> // Component class
<ide> // Call the lifecycle if necessary
<ide> if (publicInstance.componentWillUpdate) {
<del> publicInstance.componentWillUpdate(prevProps);
<add> publicInstance.componentWillUpdate(nextProps);
<ide> }
<ide> // Update the props
<ide> publicInstance.props = nextProps; | 1 |
Ruby | Ruby | fix libdir for python 3.x | 33cae6ac42a480c39b9510ac4d65a3c5b6c08797 | <ide><path>Library/Homebrew/requirements/python_dependency.rb
<ide> def incdir
<ide> # Dir containing e.g. libpython2.7.dylib
<ide> def libdir
<ide> if brewed? || from_osx?
<del> prefix/"lib/#{xy}/config"
<add> if @min_version.major == 3
<add> prefix/"lib/#{xy}/config-#{version.major}.#{version.minor}m"
<add> else
<add> prefix/"lib/#{xy}/config"
<add> end
<ide> else
<ide> Pathname.new(`#{binary} -c "from distutils import sysconfig; print(sysconfig.get_config_var('LIBPL'))"`.strip)
<ide> end | 1 |
Text | Text | add further explanation of ownprops in mstp | 2f342d0dc4943cea3db982435e29a453ce40630d | <ide><path>guide/english/redux/tutorial/index.md
<ide> The example above demonstrates how the base App component is setup and how it wi
<ide>
<ide> Also how to dispatch a defined action from the component which will be passed down to the store and make the changes on the application reducer.
<ide>
<add>`mapStateToProps` takes a second argument, `ownProps`, which are the props of the component. This can be useful for mapping props from the store based on the component's exisiting props. For example
<add>```javascript
<add>const mapStateToProps = (state, ownProps) => {
<add> if (ownProps.userId) {
<add> return { friends: state.friends[ownProps.userId }
<add> }
<add>}
<add>```
<add>
<ide> ## Declaration of the Application Actions
<ide>
<ide> The following file: | 1 |
Python | Python | support segformer fx | 347ba38cb45e30a4f98aa730aeb540bf538bf176 | <ide><path>src/transformers/models/glpn/modeling_glpn.py
<ide> def __init__(self, config, hidden_size, num_attention_heads, sequence_reduction_
<ide>
<ide> def transpose_for_scores(self, hidden_states):
<ide> new_shape = hidden_states.size()[:-1] + (self.num_attention_heads, self.attention_head_size)
<del> hidden_states = hidden_states.view(*new_shape)
<add> hidden_states = hidden_states.view(new_shape)
<ide> return hidden_states.permute(0, 2, 1, 3)
<ide>
<ide> def forward(
<ide> def forward(
<ide>
<ide> context_layer = context_layer.permute(0, 2, 1, 3).contiguous()
<ide> new_context_layer_shape = context_layer.size()[:-2] + (self.all_head_size,)
<del> context_layer = context_layer.view(*new_context_layer_shape)
<add> context_layer = context_layer.view(new_context_layer_shape)
<ide>
<ide> outputs = (context_layer, attention_probs) if output_attentions else (context_layer,)
<ide>
<ide><path>src/transformers/models/segformer/modeling_segformer.py
<ide> def __init__(self, config, hidden_size, num_attention_heads, sequence_reduction_
<ide>
<ide> def transpose_for_scores(self, hidden_states):
<ide> new_shape = hidden_states.size()[:-1] + (self.num_attention_heads, self.attention_head_size)
<del> hidden_states = hidden_states.view(*new_shape)
<add> hidden_states = hidden_states.view(new_shape)
<ide> return hidden_states.permute(0, 2, 1, 3)
<ide>
<ide> def forward(
<ide> def forward(
<ide>
<ide> context_layer = context_layer.permute(0, 2, 1, 3).contiguous()
<ide> new_context_layer_shape = context_layer.size()[:-2] + (self.all_head_size,)
<del> context_layer = context_layer.view(*new_context_layer_shape)
<add> context_layer = context_layer.view(new_context_layer_shape)
<ide>
<ide> outputs = (context_layer, attention_probs) if output_attentions else (context_layer,)
<ide>
<ide><path>src/transformers/utils/fx.py
<ide> MODEL_FOR_NEXT_SENTENCE_PREDICTION_MAPPING_NAMES,
<ide> MODEL_FOR_PRETRAINING_MAPPING_NAMES,
<ide> MODEL_FOR_QUESTION_ANSWERING_MAPPING_NAMES,
<add> MODEL_FOR_SEMANTIC_SEGMENTATION_MAPPING_NAMES,
<ide> MODEL_FOR_SEQ_TO_SEQ_CAUSAL_LM_MAPPING_NAMES,
<ide> MODEL_FOR_SEQUENCE_CLASSIFICATION_MAPPING_NAMES,
<ide> MODEL_FOR_SPEECH_SEQ_2_SEQ_MAPPING_NAMES,
<ide> def _generate_supported_model_class_names(
<ide> "image-classification": MODEL_FOR_IMAGE_CLASSIFICATION_MAPPING_NAMES,
<ide> "ctc": MODEL_FOR_CTC_MAPPING_NAMES,
<ide> "audio-classification": MODEL_FOR_AUDIO_CLASSIFICATION_MAPPING_NAMES,
<add> "semantic-segmentation": MODEL_FOR_SEMANTIC_SEGMENTATION_MAPPING_NAMES,
<ide> }
<ide>
<ide> if supported_tasks is None:
<ide> def _generate_supported_model_class_names(
<ide> "plbart",
<ide> "resnet",
<ide> "roberta",
<add> "segformer",
<ide> "speech_to_text",
<ide> "speech_to_text_2",
<ide> "swin",
<ide> def _generate_dummy_input(
<ide> *get_values(MODEL_FOR_CAUSAL_LM_MAPPING_NAMES),
<ide> *get_values(MODEL_FOR_MASKED_LM_MAPPING_NAMES),
<ide> *get_values(MODEL_FOR_SEQ_TO_SEQ_CAUSAL_LM_MAPPING_NAMES),
<add> *get_values(MODEL_FOR_SEMANTIC_SEGMENTATION_MAPPING_NAMES),
<ide> "GPT2DoubleHeadsModel",
<ide> ]:
<ide> inputs_dict["labels"] = torch.zeros(shape, dtype=torch.long, device=device)
<ide><path>tests/models/segformer/test_modeling_segformer.py
<ide> class SegformerModelTest(ModelTesterMixin, unittest.TestCase):
<ide> else ()
<ide> )
<ide>
<add> fx_compatible = True
<ide> test_head_masking = False
<ide> test_pruning = False
<ide> test_resize_embeddings = False | 4 |
Python | Python | update version string | 59d37af1646b7733c469c26e97b04c12785d17c3 | <ide><path>libcloud/__init__.py
<ide> """
<ide>
<ide> __all__ = ["__version__", "enable_debug"]
<del>__version__ = '0.5.1'
<add>__version__ = '0.5.2'
<ide>
<ide> DEFAULT_LOG_PATH = '/tmp/libcloud_debug.log'
<ide> | 1 |
Python | Python | fix automodel tests | 3290315a2aae431a901d4f93aa8ebff518a96fe3 | <ide><path>tests/test_modeling_auto.py
<ide> def test_model_from_pretrained(self):
<ide> model, loading_info = AutoModel.from_pretrained(model_name, output_loading_info=True)
<ide> self.assertIsNotNone(model)
<ide> self.assertIsInstance(model, BertModel)
<del> for value in loading_info.values():
<del> self.assertEqual(len(value), 0)
<add>
<add> self.assertEqual(len(loading_info["missing_keys"]), 0)
<add> self.assertEqual(len(loading_info["unexpected_keys"]), 8)
<add> self.assertEqual(len(loading_info["mismatched_keys"]), 0)
<add> self.assertEqual(len(loading_info["error_msgs"]), 0)
<ide>
<ide> @slow
<ide> def test_model_for_pretraining_from_pretrained(self):
<ide><path>tests/test_modeling_common.py
<ide> def test_model_from_pretrained(self):
<ide> model, loading_info = BertModel.from_pretrained(model_name, output_loading_info=True)
<ide> self.assertIsNotNone(model)
<ide> self.assertIsInstance(model, PreTrainedModel)
<del> for value in loading_info.values():
<del> self.assertEqual(len(value), 0)
<add>
<add> self.assertEqual(len(loading_info["missing_keys"]), 0)
<add> self.assertEqual(len(loading_info["unexpected_keys"]), 8)
<add> self.assertEqual(len(loading_info["mismatched_keys"]), 0)
<add> self.assertEqual(len(loading_info["error_msgs"]), 0)
<ide>
<ide> config = BertConfig.from_pretrained(model_name, output_attentions=True, output_hidden_states=True)
<ide> | 2 |
PHP | PHP | add link to cookbook section for securityheaders | 310ef2d8709a78972abb0246b01d284735bce7e0 | <ide><path>src/Http/Middleware/SecurityHeadersMiddleware.php
<ide>
<ide> /**
<ide> * Handles common security headers in a convenient way
<add> *
<add> * @link https://book.cakephp.org/3.0/en/controllers/middleware.html#security-header-middleware
<ide> */
<ide> class SecurityHeadersMiddleware
<ide> { | 1 |
Java | Java | fix lint in mountingmanager | a84a62834c6b743d1ba4ac499350928ec886bc95 | <ide><path>ReactAndroid/src/main/java/com/facebook/react/fabric/mounting/MountingManager.java
<ide> public void createView(
<ide> if (isLayoutable) {
<ide> viewManager = mViewManagerRegistry.get(componentName);
<ide> // View Managers are responsible for dealing with initial state and props.
<del> view =
<del> viewManager.createView(
<del> themedReactContext, propsDiffMap, stateWrapper, null);
<add> view = viewManager.createView(themedReactContext, propsDiffMap, stateWrapper, null);
<ide> view.setId(reactTag);
<ide> }
<ide> | 1 |
Text | Text | remove link to rack.github.io | c134a17b3d740ab1578cdd8da8aba3909910feb2 | <ide><path>guides/source/rails_on_rack.md
<ide> Introduction to Rack
<ide>
<ide> Rack provides a minimal, modular and adaptable interface for developing web applications in Ruby. By wrapping HTTP requests and responses in the simplest way possible, it unifies and distills the API for web servers, web frameworks, and software in between (the so-called middleware) into a single method call.
<ide>
<del>* [Rack API Documentation](http://rack.github.io/)
<del>
<ide> Explaining how Rack works is not really in the scope of this guide. In case you
<ide> are not familiar with Rack's basics, you should check out the [Resources](#resources)
<ide> section below. | 1 |
Python | Python | update documentation of cnn_classification.py | 2c959a749163365705a53b049aa1a3e093ee4e7a | <ide><path>computer_vision/cnn_classification.py
<ide> if __name__ == "__main__":
<ide>
<ide> # Initialising the CNN
<add> # (Sequential- Building the model layer by layer)
<ide> classifier = models.Sequential()
<ide>
<ide> # Step 1 - Convolution
<add> # Here 64,64 is the length & breadth of dataset images and 3 is for the RGB channel
<add> # (3,3) is the kernel size (filter matrix)
<ide> classifier.add(
<ide> layers.Conv2D(32, (3, 3), input_shape=(64, 64, 3), activation="relu")
<ide> ) | 1 |
Javascript | Javascript | update milestone on prs | 114ec049d4887d9e18aeded5ab73eb7092825307 | <ide><path>scripts/release-manager/commands/stable-prs.js
<ide> const chalk = require('chalk');
<ide> // IDEA: maybe just always use this milestone across major releases too?
<ide> const MILESTONE_NUMBER = 25;
<ide>
<add>// 15.3.0
<add>const TARGET_MILESTONE_NUMBER = 31;
<add>
<ide> const LABELS = {
<ide> // Until there is a UI for it, uncomment these lines to run a patch release instead
<ide> // 'semver-patch': true,
<ide> module.exports = function(vorpal, app) {
<ide>
<ide> this.log(`Found ${chalk.bold(richPulls.length)} pull requests:`)
<ide>
<del> promptForPRs.call(this, app, richPulls, 0).then(actionCB);
<add> promptForPRs.call(this, app, richPulls, 0).then(() => {
<add>
<add> // Update the milestone
<add> if (!TARGET_MILESTONE_NUMBER) {
<add> return actionCB();
<add> }
<ide>
<add> const milestonePromises = richPulls.map((pr) => {
<add> return app.ghissues.editIssue(pr.number, {
<add> milestone: TARGET_MILESTONE_NUMBER
<add> });
<add> });
<add> Promise.all(milestonePromises).then(actionCB);
<add> });
<ide> });
<ide>
<ide> });
<ide> function promptForPRs(app, prs, start) {
<ide> try {
<ide> app.gitCherryPickMerge(pr.merge_commit_sha);
<ide> } catch (e) {
<add>
<add> // TODO: add ability to mark a PR as skipped
<ide> failed = true;
<ide> this.log(`${chalk.bold.red('FAILED!')} Please fix manually and continue when ready.`);
<ide> promptForPRs.call(this, app, prs, i + 1).then(resolve); | 1 |
Text | Text | update documentation for yml usage | 95343f64c1a2c0ac31ef83282dda2dfd77ace789 | <ide><path>guides/source/testing.md
<ide> steve:
<ide> profession: guy with keyboard
<ide> ```
<ide>
<del>Each fixture is given a name followed by an indented list of colon-separated key/value pairs. Records are typically separated by a blank space. You can place comments in a fixture file by using the # character in the first column.
<add>Each fixture is given a name followed by an indented list of colon-separated key/value pairs. Records are typically separated by a blank space. You can place comments in a fixture file by using the # character in the first column. Keys which resemble YAML keywords such as 'yes' and 'no' are quoted so that the YAML Parser correctly interprets them.
<ide>
<ide> #### ERB'in It Up
<ide> | 1 |
Ruby | Ruby | fix stupid typo | af5b304a4002fe8ebeb8f31cd0a481dfa4a944db | <ide><path>actionpack/lib/action_controller/request.rb
<ide> def self.relative_url_root=(relative_url_root)
<ide> ActiveSupport::Deprecation.warn(
<ide> "ActionController::AbstractRequest.relative_url_root= has been renamed." +
<ide> "You can now set it with config.action_controller.relative_url_root=", caller)
<del> ActionController::base.relative_url_root=relative_url_root
<add> ActionController::Base.relative_url_root=relative_url_root
<ide> end
<ide>
<ide> HTTP_METHODS = %w(get head put post delete options) | 1 |
Javascript | Javascript | fix incorrect merge choices | cd8f82c007bf316fcd857da1e00bfe358df7af44 | <ide><path>lib/http.js
<ide> function parserOnHeadersComplete(info) {
<ide> function parserOnBody(b, start, len) {
<ide> var parser = this;
<ide> var slice = b.slice(start, start + len);
<del> // body encoding is done in _emitData
<del> parser.incoming._emitData(slice);
<add> if (parser.incoming._paused || parser.incoming._pendings.length) {
<add> parser.incoming._pendings.push(slice);
<add> } else {
<add> parser.incoming._emitData(slice);
<add> }
<ide> }
<ide>
<ide> function parserOnMessageComplete() {
<ide> function freeParser(parser, req) {
<ide> if (req) {
<ide> req.parser = null;
<ide> }
<del>};
<add>}
<ide>
<ide>
<ide> ClientRequest.prototype.onSocket = function(socket) {
<ide> ClientRequest.prototype.onSocket = function(socket) {
<ide>
<ide> var closeListener = function() {
<ide> debug('HTTP socket close');
<add> var req = socket._httpMessage;
<ide> req.emit('close');
<ide> if (req.res && req.res.readable) {
<ide> // Socket closed before we emitted 'end' below.
<ide> req.res.emit('aborted');
<add> var res = req.res;
<ide> req.res._emitPending(function() {
<del> req.res._emitEnd();
<del> req.res.emit('close');
<add> res._emitEnd();
<add> res.emit('close');
<add> res = null;
<ide> });
<ide> } else if (!req.res && !req._hadError) {
<ide> // This socket error fired before we started to
<ide> ClientRequest.prototype.setSocketKeepAlive = function() {
<ide> this._deferToConnect('setKeepAlive', arguments);
<ide> };
<ide>
<del>ClientRequest.prototype.clearTimeout = function() {
<del> var args = Array.prototype.slice.call(arguments, 0);
<del> args.unshift(0);
<del> this._deferToConnect('setTimeout', args);
<add>ClientRequest.prototype.clearTimeout = function(cb) {
<add> this.setTimeout(0, cb);
<ide> };
<ide>
<ide> exports.request = function(options, cb) {
<ide><path>test/gc/test-http-client-timeout.js
<ide> var http = require('http'),
<ide> done = 0,
<ide> count = 0,
<ide> countGC = 0,
<del> todo = 500,
<add> todo = 400,
<ide> common = require('../common.js'),
<ide> assert = require('assert'),
<ide> PORT = common.PORT; | 2 |
Javascript | Javascript | update example to use a module | 95c2738244172ab3aff215e622a610dbb30631d6 | <ide><path>src/ng/log.js
<ide> * {@link ng.$logProvider ng.$logProvider#debugEnabled} to change this.
<ide> *
<ide> * @example
<del> <example>
<add> <example module="logExample">
<ide> <file name="script.js">
<del> function LogCtrl($scope, $log) {
<del> $scope.$log = $log;
<del> $scope.message = 'Hello World!';
<del> }
<add> angular.module('logExample', [])
<add> .controller('LogController', ['$scope', '$log', function($scope, $log) {
<add> $scope.$log = $log;
<add> $scope.message = 'Hello World!';
<add> }]);
<ide> </file>
<ide> <file name="index.html">
<del> <div ng-controller="LogCtrl">
<add> <div ng-controller="LogController">
<ide> <p>Reload this page with open console, enter text and hit the log button...</p>
<ide> Message:
<ide> <input type="text" ng-model="message"/> | 1 |
Javascript | Javascript | increase coverage of buffer | 901cb8cb5e2eb887e1889f8f7946c71a642e14c0 | <ide><path>test/parallel/test-buffer-compare-offset.js
<ide> assert.strictEqual(-1, a.compare(b));
<ide> // Equivalent to a.compare(b).
<ide> assert.strictEqual(-1, a.compare(b, 0));
<ide> assert.strictEqual(-1, a.compare(b, '0'));
<add>assert.strictEqual(-1, a.compare(b, undefined));
<ide>
<ide> // Equivalent to a.compare(b).
<ide> assert.strictEqual(-1, a.compare(b, 0, undefined, 0));
<ide> assert.throws(() => a.compare(b, 0, 1, 0, 100), oor);
<ide> assert.throws(() => a.compare(b, -1), oor);
<ide> assert.throws(() => a.compare(b, 0, '0xff'), oor);
<ide> assert.throws(() => a.compare(b, 0, Infinity), oor);
<add>assert.throws(() => a.compare(b, 0, 1, -1), oor);
<ide> assert.throws(() => a.compare(b, -Infinity, Infinity), oor);
<ide> assert.throws(() => a.compare(), /Argument must be a Buffer/);
<ide><path>test/parallel/test-buffer-write-noassert.js
<ide> function write(funx, args, result, res) {
<ide> );
<ide> }
<ide>
<add> {
<add> const error = /Int/.test(funx) ?
<add> /^TypeError: "buffer" argument must be a Buffer or Uint8Array$/ :
<add> /^TypeError: argument should be a Buffer$/;
<add>
<add> assert.throws(
<add> () => Buffer.alloc(9)[funx].apply(new Uint32Array(1), args),
<add> error
<add> );
<add> }
<add>
<ide> {
<ide> const buf2 = Buffer.alloc(9);
<ide> assert.strictEqual(buf2[funx](...args, true), result); | 2 |
Text | Text | add keras information | 4cc14a3e917a89f1a08614891ccf0c06ac8dc8a8 | <ide><path>guide/english/data-science-tools/keras/index.md
<add>---
<add>title: Keras
<add>---
<add>
<add># Keras
<add>Keras is a high-level library for practical deep learning. It is primarily used over other low-level APIs like TensorFlow, Theano, and Microsoft CNTK.
<add>
<add>For beginners, it is a great tool to get started with deep learning because it takes out the nuances of defining each and every parameter and hyperparameter for the neural network. In fact, Keras has become popular enough to be used by numerous well-known organizations for making data driven products.
<add>
<add>Keras speeds up the implementation process by eliminating boiler-plate code and keeping the developer focused only on the important details of the problem at hand.
<add>
<add>Below are some useful links to get started with Keras.
<add>
<add>### Links:
<add> * [Keras Website](https://keras.io/)
<add> * [Keras installation](https://keras.io/#installation)
<add> * [Keras first 30 seconds](https://github.com/keras-team/keras)
<add>
<add>### Click on the following link to check out a sample code in python.
<add> * [Sample Implementation](https://github.com/simpleParadox/fertility-ann) | 1 |
Text | Text | rectify several wrong urls in branch of man | 576780369fa8c0b117dec6614db1b8d89cf2721b | <ide><path>man/docker-login.1.md
<ide> do not specify a `SERVER`, the command uses Docker's public registry located at
<ide> `docker login` requires user to use `sudo` or be `root`, except when:
<ide>
<ide> 1. connecting to a remote daemon, such as a `docker-machine` provisioned `docker engine`.
<del>2. user is added to the `docker` group. This will impact the security of your system; the `docker` group is `root` equivalent. See [Docker Daemon Attack Surface](https://docs.docker.com/articles/security/#docker-daemon-attack-surface) for details.
<add>2. user is added to the `docker` group. This will impact the security of your system; the `docker` group is `root` equivalent. See [Docker Daemon Attack Surface](https://docs.docker.com/engine/articles/security/#docker-daemon-attack-surface) for details.
<ide>
<ide> You can log into any public or private repository for which you have
<ide> credentials. When you log in, the command stores encoded credentials in
<ide><path>man/docker-pause.1.md
<ide> that it is being suspended, and subsequently resumed. On Windows, only Hyper-V
<ide> containers can be paused.
<ide>
<ide> See the [cgroups freezer documentation]
<del>(https://www.kernel.org/doc/Documentation/cgroups/freezer-subsystem.txt) for
<add>(https://www.kernel.org/doc/Documentation/cgroup-v1/freezer-subsystem.txt) for
<ide> further details.
<ide>
<ide> # OPTIONS
<ide><path>man/docker-unpause.1.md
<ide> The `docker unpause` command un-suspends all processes in a container.
<ide> On Linux, it does this using the cgroups freezer.
<ide>
<ide> See the [cgroups freezer documentation]
<del>(https://www.kernel.org/doc/Documentation/cgroups/freezer-subsystem.txt) for
<add>(https://www.kernel.org/doc/Documentation/cgroup-v1/freezer-subsystem.txt) for
<ide> further details.
<ide>
<ide> # OPTIONS
<ide><path>man/docker-version.1.md
<ide> To view all available fields, you can use the format `{{json .}}`.
<ide> # HISTORY
<ide> June 2014, updated by Sven Dowideit <[email protected]>
<ide> June 2015, updated by John Howard <[email protected]>
<del>June 2015, updated by Patrick Hemmer <[email protected]
<add>June 2015, updated by Patrick Hemmer <[email protected]> | 4 |
Text | Text | add changelog entry for [ci skip] | f1a4f0a494ce09dfea3a80854bbc6363e62d04a6 | <ide><path>actionpack/CHANGELOG.md
<add>* Improve routing error page with fuzzy matching search.
<add>
<add> *Winston*
<add>
<ide> * Only make deeply nested routes shallow when parent is shallow.
<ide>
<ide> Fixes #14684. | 1 |
Go | Go | fix termcaps on the linux client | 922a8648fc5724ad3ff38e2404d70442dc8f2264 | <ide><path>container.go
<ide> func (container *Container) Start() error {
<ide>
<ide> var err error
<ide> if container.Config.Tty {
<add> container.cmd.Env = append(container.Config.Env,
<add> "TERM="+os.Getenv("TERM"),
<add> )
<ide> err = container.startPty()
<ide> } else {
<ide> err = container.start()
<ide><path>term/termios_linux.go
<ide> package term
<ide>
<ide> import (
<del> "syscall"
<del> "unsafe"
<add> "os"
<add> "syscall"
<add> "unsafe"
<ide> )
<ide>
<add>// #include <termios.h>
<add>// #include <sys/ioctl.h>
<add>/*
<add>void MakeRaw() {
<add> struct termios t;
<add>
<add> // FIXME: Handle errors?
<add> ioctl(0, TCGETS, &t);
<add>
<add> t.c_iflag &= ~(IGNBRK | BRKINT | PARMRK | ISTRIP | INLCR | IGNCR | ICRNL | IXON);
<add> t.c_oflag &= ~OPOST;
<add> t.c_lflag &= ~(ECHO | ECHONL | ICANON | ISIG | IEXTEN);
<add> t.c_cflag &= ~(CSIZE | PARENB);
<add> t.c_cflag |= CS8;
<add>
<add> ioctl(0, TCSETS, &t);
<add>}
<add>*/
<add>import "C"
<add>
<ide> const (
<ide> getTermios = syscall.TCGETS
<ide> setTermios = syscall.TCSETS
<ide> const (
<ide> // mode and returns the previous state of the terminal so that it can be
<ide> // restored.
<ide> func MakeRaw(fd int) (*State, error) {
<del> var oldState State
<del> if _, _, err := syscall.Syscall6(syscall.SYS_IOCTL, uintptr(fd), uintptr(getTermios), uintptr(unsafe.Pointer(&oldState.termios)), 0, 0, 0); err != 0 {
<del> return nil, err
<del> }
<del>
<del> newState := oldState.termios
<del> newState.Iflag &^= ISTRIP | IXON | IXOFF
<del> newState.Iflag |= ICRNL
<del> newState.Oflag |= ONLCR
<del> newState.Lflag &^= ECHO | ICANON | ISIG
<del> if _, _, err := syscall.Syscall6(syscall.SYS_IOCTL, uintptr(fd), uintptr(setTermios), uintptr(unsafe.Pointer(&newState)), 0, 0, 0); err != 0 {
<del> return nil, err
<del> }
<del>
<del> return &oldState, nil
<del>}
<ide>\ No newline at end of file
<add>
<add> fd = int(os.Stdin.Fd())
<add>
<add> var oldState State
<add> if _, _, err := syscall.Syscall6(syscall.SYS_IOCTL, uintptr(fd), syscall.TCGETS, uintptr(unsafe.Pointer(&oldState.termios)), 0, 0, 0); err != 0 {
<add> return nil, err
<add> }
<add> C.MakeRaw()
<add> return &oldState, nil
<add>
<add> // FIXME: post on goland issues this: very same as the C function bug non-working
<add>
<add> // newState := oldState.termios
<add>
<add> // newState.Iflag &^= (IGNBRK | BRKINT | PARMRK | ISTRIP | INLCR | IGNCR | ICRNL | IXON)
<add> // newState.Oflag &^= OPOST
<add> // newState.Lflag &^= (ECHO | syscall.ECHONL | ICANON | ISIG | IEXTEN)
<add> // newState.Cflag &^= (CSIZE | syscall.PARENB)
<add> // newState.Cflag |= CS8
<add>
<add> // if _, _, err := syscall.Syscall(syscall.SYS_IOCTL, uintptr(fd), syscall.TCSETS, uintptr(unsafe.Pointer(&newState))); err != 0 {
<add> // return nil, err
<add> // }
<add> // return &oldState, nil
<add>} | 2 |
Text | Text | translate 10-addons.md to japanese | b35de1db4e3be7b3cdc8bc5cf2dd2e5816c7fa69 | <ide><path>docs/docs/10-addons.ja-JP.md
<add>---
<add>id: addons
<add>title: アドオン
<add>permalink: addons-ja-JP.html
<add>prev: tooling-integration-ja-JP.html
<add>next: animation-ja-JP.html
<add>---
<add>
<add>`React.addons` はReactのアプリケーションを作成する上で便利なユーティリティを置いておくための場所です。 **それらは実験的なものであると考えられるべきです。** しかし、ゆくゆくはコアに入ってくるか、以下のような承認されたユーティリティとなるでしょう。
<add>
<add>- アニメーションや推移を扱う[`TransitionGroup` や `CSSTransitionGroup`](animation-ja-JP.html)は多くの場合実行するのが簡単ではありません。例えば、コンポーネントの削除の前などは。
<add>- [`LinkedStateMixin`](two-way-binding-helpers-ja-JP.html)はユーザのフォームの入力データとコンポーネントのstateの間の調整を単純化します。
<add>- [`cloneWithProps`](clone-with-props-ja-JP.html)はReactのコンポーネントのシャローコピーを作成したり、それらのpropsを変更したりします。
<add>- [`createFragment`](create-fragment-ja-JP.html)は外部のキー化された子要素のセットを作成します。
<add>- [`update`](update-ja-JP.html)はJavaScriptでイミュータブルなデータを扱うことを簡単にするヘルパーの関数です。
<add>- [`PureRenderMixin`](pure-render-mixin-ja-JP.html)は特定のシチュエーションでパフォーマンスを改善します。
<add>以下のアドオンはReactだけの開発版(縮小されていない版)です。
<add>
<add>- [`TestUtils`](test-utils-ja-JP.html)はテストケースを記述する単純なヘルパーです(縮小されていないビルドのみ)。
<add>- [`Perf`](perf-ja-JP.html)はパフォーマンスを測り、どこを最適化するかのヒントを与えます。
<add>
<add>アドオンを使うには、共通の `react.js` を使うよりも `react-with-addons.js` (とその縮小されたもの)を使ってください。
<add>
<add>npmからReactのパッケージを使う際には、Reactと全てのアドオンを使うために `require('react')` を使う代わりに、単純に `require('react/addons')` を使ってください。 | 1 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.