URL
stringlengths 15
1.68k
| text_list
listlengths 1
199
| image_list
listlengths 1
199
| metadata
stringlengths 1.19k
3.08k
|
---|---|---|---|
https://www.iucr.org/news/newsletter/etc/legacy-articles?issue=2495&result_138864_result_page=9 | [
"",
null,
"",
null,
"# Two-wavelength MAD phasing: in search of the optimal choice of wavelength\n\nGonzalez et al. [Acta Cryst. D55 (1999), 1449-1458] reported in their recent article that interpretable electron-density maps, similar in quality to those calculated with data collected at three wavelengths, could be obtained using only two wavelengths if the wavelengths were chosen so as to give a large contrast in the dispersive component of the scattering factor. Four different crystals, which contain iron, gold, iridium, or selenium atoms, were used in their study.\n\nThe multiwavelength anomalous dispersion (MAD) method exploits the structure-factor variation with wavelengths around the absorption edges of heavy atoms within the protein crystals. The variation consists of the real part (or the dispersive component, f') and the imaginary part (or the anomalous component, f''). The importance of using wavelengths that can provide the largest f' was explained as follows: “Firstly, the refinement of the anomalous scatterer positions and occupancies is highly dependent on the dispersive differences measured from centric reflections. Secondly, a MAD data collection is usually performed in a way which partially cancels out systematic errors in the structure factors at different wavelengths, leading to dispersive differences which are less affected by errors in the data.”\n\nTwo approaches have been used in calculating phase information from a MAD experiment. One approach uses an analytical method to solve the phase problem and calls for three or more wavelengths to optimize the results. The other approach treats MAD as a traditional isomorphous replacement phasing. The importance of selecting a large difference in the real part of the scattering factor in the two-wavelength experiment is interesting, as it resembles what is known from the single isomorphous replacement and anomalous scattering (SIRAS) experiment, i.e., phasing power increases with increased differences in the real part of the structure factors, which is achievable by the incorporation of heavier heavy atoms.",
null,
"(a) Detail of the 2.1 Å MAD map of cytochrome c553 calculated with phases from the three-wavelength data set, showing an a-helix and therefined model. (b) As (a), calculated with phases from a two-wavelength data set.\nMost structures determined by the MAD method thus farwere obtained from data collected at three or more wavelengths. Doing the MAD experiment using fewer data sets will reduce crystal exposure to X-rays and is a good option for structure determination using a high-flux synchrotron source or as an onbeamline map calculation whereby a two-wavelength map is calculated to evaluate the need, on the fly, for collecting data at more wavelengths. More interesting still, is the one-wavelength approach for on-the-fly map calculation using data from the veryfirst wavelength, where radiation damage is the least. Using a numerical method for resolving phase ambiguity, we have recently determined the structure of an Fe-containing protein (86kDa per asymmetric unit) using single-wavelength iron anomalous data collected in-house (P12.02.023 IUCr 99 program abstracts). For single-wavelength anomalous scattering data, collection at the absorption edge is preferable. However, the use of other wavelengths, in-house or at synchrotron, is an option provided that the measurements are accurately made.\n\nBi-Cheng Wang\nU. of Georgia, Athens, GA, USA"
] | [
null,
"https://www.iucr.org/__data/assets/image/0008/136673/left_arrow.png",
null,
"https://www.iucr.org/__data/assets/image/0007/136672/right_arrow.png",
null,
"https://www.iucr.org/__data/assets/image/0004/2695/7_3_4.gif",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9319898,"math_prob":0.9465698,"size":2139,"snap":"2020-10-2020-16","text_gpt3_token_len":422,"char_repetition_ratio":0.12693208,"word_repetition_ratio":0.012698413,"special_character_ratio":0.18373072,"punctuation_ratio":0.101928376,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9533151,"pos_list":[0,1,2,3,4,5,6],"im_url_duplicate_count":[null,null,null,null,null,1,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-02-28T13:06:45Z\",\"WARC-Record-ID\":\"<urn:uuid:45df818d-8f9a-4580-9bf0-10680030a8f3>\",\"Content-Length\":\"113229\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:159265af-0cda-4a83-a4d0-4b33abcb24e6>\",\"WARC-Concurrent-To\":\"<urn:uuid:0d571887-d5c1-492c-8930-9024e2f0e744>\",\"WARC-IP-Address\":\"192.70.242.15\",\"WARC-Target-URI\":\"https://www.iucr.org/news/newsletter/etc/legacy-articles?issue=2495&result_138864_result_page=9\",\"WARC-Payload-Digest\":\"sha1:EWIFOLPD7LUP22JLX7EKYMQLPKVMST3C\",\"WARC-Block-Digest\":\"sha1:QXPPF6H7LDY7CGPY2NFQRB6SCV3VWIIW\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-10/CC-MAIN-2020-10_segments_1581875147154.70_warc_CC-MAIN-20200228104413-20200228134413-00438.warc.gz\"}"} |
https://docs.gpytorch.ai/en/stable/_modules/gpytorch/settings.html | [
"# Source code for gpytorch.settings\n\n#!/usr/bin/env python3\n\nimport logging\nimport warnings\n\nimport torch\n\nclass _feature_flag:\nr\"\"\"Base class for feature flag settings with global scope.\nThe default is set via the _default class attribute.\n\"\"\"\n\n_default = False\n_state = None\n\n@classmethod\ndef is_default(cls):\nreturn cls._state is None\n\n@classmethod\ndef on(cls):\nif cls.is_default():\nreturn cls._default\nreturn cls._state\n\n@classmethod\ndef off(cls):\nreturn not cls.on()\n\n@classmethod\ndef _set_state(cls, state):\ncls._state = state\n\ndef __init__(self, state=True):\nself.prev = self.__class__._state\nself.state = state\n\ndef __enter__(self):\nself.__class__._set_state(self.state)\n\ndef __exit__(self, *args):\nself.__class__._set_state(self.prev)\nreturn False\n\nclass _value_context:\n_global_value = None\n\n@classmethod\ndef value(cls):\nreturn cls._global_value\n\n@classmethod\ndef _set_value(cls, value):\ncls._global_value = value\n\ndef __init__(self, value):\nself._orig_value = self.__class__.value()\nself._instance_value = value\n\ndef __enter__(self,):\nself.__class__._set_value(self._instance_value)\n\ndef __exit__(self, *args):\nself.__class__._set_value(self._orig_value)\nreturn False\n\nclass _dtype_value_context:\n_global_float_value = None\n_global_double_value = None\n_global_half_value = None\n\n@classmethod\ndef value(cls, dtype):\nif torch.is_tensor(dtype):\ndtype = dtype.dtype\nif dtype == torch.float:\nreturn cls._global_float_value\nelif dtype == torch.double:\nreturn cls._global_double_value\nelif dtype == torch.half:\nreturn cls._global_half_value\nelse:\nraise RuntimeError(f\"Unsupported dtype for {cls.__name__}.\")\n\n@classmethod\ndef _set_value(cls, float_value, double_value, half_value):\nif float_value is not None:\ncls._global_float_value = float_value\nif double_value is not None:\ncls._global_double_value = double_value\nif half_value is not None:\ncls._global_half_value = half_value\n\ndef __init__(self, float=None, double=None, half=None):\nself._orig_float_value = self.__class__.value()\nself._instance_float_value = float\nself._orig_double_value = self.__class__.value()\nself._instance_double_value = double\nself._orig_half_value = self.__class__.value()\nself._instance_half_value = half\n\ndef __enter__(self,):\nself.__class__._set_value(\nself._instance_float_value, self._instance_double_value, self._instance_half_value,\n)\n\ndef __exit__(self, *args):\nself.__class__._set_value(self._orig_float_value, self._orig_double_value, self._orig_half_value)\nreturn False\n\nclass _fast_covar_root_decomposition(_feature_flag):\nr\"\"\"\nThis feature flag controls how matrix root decompositions (:math:K = L L^\\top) are computed\n(e.g. for sampling, computing caches, etc.).\n\nIf set to True, covariance matrices :math:K are decomposed with low-rank approximations :math:L L^\\top,\n(:math:L \\in \\mathbb R^{n \\times k}) using the Lanczos algorithm.\nThis is faster for large matrices and exploits structure in the covariance matrix if applicable.\n\nIf set to False, covariance matrices :math:K are decomposed using the Cholesky decomposition.\n\n.. warning ::\n\nSetting this to False will compute a complete Cholesky decomposition of covariance matrices.\nThis may be infeasible for GPs with structure covariance matrices.\n\nSee also: :class:gpytorch.settings.max_root_decomposition_size (to control the\nsize of the low rank decomposition used).\n\"\"\"\n\n_default = True\n\nclass _fast_log_prob(_feature_flag):\nr\"\"\"\nThis feature flag controls how to compute the marginal log likelihood of exact GPs\nand the log probability of multivariate normal distributions.\n\nIf set to True, log_prob is computed using a modified conjugate gradients algorithm (as\ndescribed in GPyTorch: Blackbox Matrix-Matrix Gaussian Process Inference with GPU Acceleration_.\nThis is a stochastic computation, but it is much faster for large matrices\nand exploits structure in the covariance matrix if applicable.\n\nIf set to False, log_prob is computed using the Cholesky decomposition.\n\n.. warning ::\n\nSetting this to False will compute a complete Cholesky decomposition of covariance matrices.\nThis may be infeasible for GPs with structure covariance matrices.\n\nSee also: :class:gpytorch.settings.num_trace_samples (to control the\nstochasticity of the fast log_prob estimates).\n\n.. _GPyTorch: Blackbox Matrix-Matrix Gaussian Process Inference with GPU Acceleration:\nhttps://arxiv.org/pdf/1809.11165.pdf\n\"\"\"\n\n_default = True\n\nclass _fast_solves(_feature_flag):\nr\"\"\"\nThis feature flag controls how to compute solves with positive definite matrices.\nIf set to True, solves are computed using preconditioned conjugate gradients.\nIf set to False, log_prob is computed using the Cholesky decomposition.\n\n.. warning ::\n\nSetting this to False will compute a complete Cholesky decomposition of covariance matrices.\nThis may be infeasible for GPs with structure covariance matrices.\n\"\"\"\n\n_default = True\n\n[docs]class skip_posterior_variances(_feature_flag):\n\"\"\"\nWhether or not to skip the posterior covariance matrix when doing an ExactGP\nforward pass. If this is on, the returned gpytorch MultivariateNormal will have a\nZeroLazyTensor as its covariance matrix. This allows gpytorch to not compute\nthe covariance matrix when it is not needed, speeding up computations.\n\n(Default: False)\n\"\"\"\n\n_default = False\n\n[docs]class detach_test_caches(_feature_flag):\n\"\"\"\nWhether or not to detach caches computed for making predictions. In most cases, you will want this,\nas this will speed up derivative computations of the predictions with respect to test inputs. However,\nif you also need derivatives with respect to training inputs (e.g., because you have fantasy observations),\nthen you must disable this.\n\n(Default: True)\n\"\"\"\n\n_default = True\n\n[docs]class deterministic_probes(_feature_flag):\n\"\"\"\nWhether or not to resample probe vectors every iteration of training. If True, we use the same set of probe vectors\nfor computing log determinants each iteration. This introduces small amounts of bias in to the MLL, but allows us\nto compute a deterministic estimate of it which makes optimizers like L-BFGS more viable choices.\n\nNOTE: Currently, probe vectors are cached in a global scope. Therefore, this setting cannot be used\nif multiple independent GP models are being trained in the same context (i.e., it works fine with a single GP model)\n\n(Default: False)\n\"\"\"\n\nprobe_vectors = None\n\n@classmethod\ndef _set_state(cls, state):\nsuper()._set_state(state)\ncls.probe_vectors = None\n\n[docs]class debug(_feature_flag):\n\"\"\"\nWhether or not to perform \"safety\" checks on the supplied data.\n(For example, that the correct training data is supplied in Exact GP training mode)\nPros: fewer data checks, fewer warning messages\nCons: possibility of supplying incorrect data, model accidentially in wrong mode\n\n(Default: True)\n\"\"\"\n\n_default = True\n\n[docs]class fast_pred_var(_feature_flag):\n\"\"\"\nFast predictive variances using Lanczos Variance Estimates (LOVE)\nUse this for improved performance when computing predictive variances.\n\nAs described in the paper:\n\nConstant-Time Predictive Distributions for Gaussian Processes_.\n\nSee also: :class:gpytorch.settings.max_root_decomposition_size (to control the\nsize of the low rank decomposition used for variance estimates).\n\n(Default: False)\n\n.. _Constant-Time Predictive Distributions for Gaussian Processes:\nhttps://arxiv.org/pdf/1803.06058.pdf\n\"\"\"\n\n_num_probe_vectors = 1\n\n@classmethod\ndef num_probe_vectors(cls):\nreturn cls._num_probe_vectors\n\n@classmethod\ndef _set_num_probe_vectors(cls, value):\ncls._num_probe_vectors = value\n\ndef __init__(self, state=True, num_probe_vectors=1):\nself.orig_value = self.__class__.num_probe_vectors()\nself.value = num_probe_vectors\nsuper().__init__(state)\n\ndef __enter__(self):\nself.__class__._set_num_probe_vectors(self.value)\nsuper().__enter__()\n\ndef __exit__(self, *args):\nself.__class__._set_num_probe_vectors(self.orig_value)\nreturn super().__exit__()\n\n[docs]class fast_pred_samples(_feature_flag):\n\"\"\"\nFast predictive samples using Lanczos Variance Estimates (LOVE).\nUse this for improved performance when sampling from a predictive posterior matrix.\n\nAs described in the paper:\n\nConstant-Time Predictive Distributions for Gaussian Processes_.\n\nSee also: :class:gpytorch.settings.max_root_decomposition_size (to control the\nsize of the low rank decomposition used for samples).\n\n(Default: False)\n\n.. _Constant-Time Predictive Distributions for Gaussian Processes:\nhttps://arxiv.org/pdf/1803.06058.pdf\n\"\"\"\n\n_default = False\n\n[docs]class fast_computations:\nr\"\"\"\nThis feature flag controls whether or not to use fast approximations to various mathematical\nfunctions used in GP inference.\nThe functions that can be controlled are:\n\n* :attr:covar_root_decomposition\nThis feature flag controls how matrix root decompositions\n(:math:K = L L^\\top) are computed (e.g. for sampling, computing caches, etc.).\n\n* If set to True,\ncovariance matrices :math:K are decomposed with low-rank approximations :math:L L^\\top,\n(:math:L \\in \\mathbb R^{n \\times k}) using the Lanczos algorithm.\nThis is faster for large matrices and exploits structure in the covariance matrix if applicable.\n\n* If set to False,\ncovariance matrices :math:K are decomposed using the Cholesky decomposition.\n\n* :attr:log_prob\nThis feature flag controls how GPyTorch computes the marginal log likelihood for exact GPs\nand log_prob for multivariate normal distributions\n\n* If set to True,\nlog_prob is computed using a modified conjugate gradients algorithm (as\ndescribed in GPyTorch Blackbox Matrix-Matrix Gaussian Process Inference with GPU Acceleration_.\nThis is a stochastic computation, but it is much faster for large matrices\nand exploits structure in the covariance matrix if applicable.\n\n* If set to False,\nlog_prob is computed using the Cholesky decomposition.\n\n* :attr:fast_solves\nThis feature flag controls how GPyTorch computes the solves of positive-definite matrices.\n\n* If set to True,\nSolves are computed with preconditioned conjugate gradients.\n\n* If set to False,\nSolves are computed using the Cholesky decomposition.\n\n.. warning ::\n\nSetting this to False will compute a complete Cholesky decomposition of covariance matrices.\nThis may be infeasible for GPs with structure covariance matrices.\n\nBy default, approximations are used for all of these functions (except for solves).\nSetting any of them to False will use exact computations instead.\n\n* :class:gpytorch.settings.max_root_decomposition_size\n(to control the size of the low rank decomposition used)\n* :class:gpytorch.settings.num_trace_samples\n(to control the stochasticity of the fast log_prob estimates)\n\n.. _GPyTorch Blackbox Matrix-Matrix Gaussian Process Inference with GPU Acceleration:\nhttps://arxiv.org/pdf/1809.11165.pdf\n\"\"\"\ncovar_root_decomposition = _fast_covar_root_decomposition\nlog_prob = _fast_log_prob\nsolves = _fast_solves\n\ndef __init__(self, covar_root_decomposition=True, log_prob=True, solves=True):\nself.covar_root_decomposition = _fast_covar_root_decomposition(covar_root_decomposition)\nself.log_prob = _fast_log_prob(log_prob)\nself.solves = _fast_solves(solves)\n\ndef __enter__(self):\nself.covar_root_decomposition.__enter__()\nself.log_prob.__enter__()\nself.solves.__enter__()\n\ndef __exit__(self, *args):\nself.covar_root_decomposition.__exit__()\nself.log_prob.__exit__()\nself.solves.__exit__()\nreturn False\n\n[docs]class lazily_evaluate_kernels(_feature_flag):\n\"\"\"\nLazily compute the entries of covariance matrices (set to True by default).\nThis can result in memory and speed savings - if say cross covariance terms are not needed\nor if you only need to compute variances (not covariances).\n\nIf set to False, gpytorch will always compute the entire covariance matrix between\ntraining and test data.\n\n(Default: True)\n\"\"\"\n\n_default = True\n\n[docs]class max_eager_kernel_size(_value_context):\n\"\"\"\nIf the joint train/test covariance matrix is less than this size, then we will avoid as\nmuch lazy evaluation of the kernel as possible.\n\n(Default: 512)\n\"\"\"\n\n_global_value = 512\n\n[docs]class max_cg_iterations(_value_context):\n\"\"\"\nThe maximum number of conjugate gradient iterations to perform (when computing\nmatrix solves). A higher value rarely results in more accurate solves -- instead, lower the CG tolerance.\n\n(Default: 1000)\n\"\"\"\n\n_global_value = 1000\n\n[docs]class min_variance(_dtype_value_context):\n\"\"\"\nThe minimum variance that can be returned from :obj:~gpytorch.distributions.MultivariateNormal#variance.\nIf variances are smaller than this, they are rounded up and a warning is raised.\n\n- Default for float: 1e-6\n- Default for double: 1e-10\n- Default for half: 1e-3\n\"\"\"\n\n_global_float_value = 1e-6\n_global_double_value = 1e-10\n_global_half_value = 1e-3\n\n[docs]class cholesky_jitter(_dtype_value_context):\n\"\"\"\nThe jitter value passed to psd_safe_cholesky when using cholesky solves.\n\n- Default for float: 1e-6\n- Default for double: 1e-8\n\"\"\"\n\n_global_float_value = 1e-6\n_global_double_value = 1e-8\n\n@classmethod\ndef value(cls, dtype=None):\nif dtype is None:\n# Deprecated in 1.4: remove in 1.5\nwarnings.warn(\n\"cholesky_jitter is now a _dtype_value_context and should be called with a dtype argument\",\nDeprecationWarning,\n)\nreturn cls._global_float_value\nreturn super().value(dtype=dtype)\n\n[docs]class cg_tolerance(_value_context):\n\"\"\"\nRelative residual tolerance to use for terminating CG.\n\n(Default: 1)\n\"\"\"\n\n_global_value = 1\n\n[docs]class ciq_samples(_feature_flag):\n\"\"\"\nWhether to draw samples using Contour Integral Quadrature or not.\nThis may be slower than standard sampling methods for N < 5000.\nHowever, it should be faster with larger matrices.\n\nAs described in the paper:\n\nFast Matrix Square Roots with Applications to Gaussian Processes and Bayesian Optimization_.\n\n(Default: False)\n\n.. _Fast Matrix Square Roots with Applications to Gaussian Processes and Bayesian Optimization:\nhttps://arxiv.org/abs/2006.11267\n\"\"\"\n\n_default = False\n\n[docs]class preconditioner_tolerance(_value_context):\n\"\"\"\nDiagonal trace tolerance to use for checking preconditioner convergence.\n\n(Default: 1e-3)\n\"\"\"\n\n_global_value = 1e-3\n\n[docs]class eval_cg_tolerance(_value_context):\n\"\"\"\nRelative residual tolerance to use for terminating CG when making predictions.\n\n(Default: 1e-2)\n\"\"\"\n\n_global_value = 0.01\n\nclass _use_eval_tolerance(_feature_flag):\n_default = False\n\n[docs]class max_cholesky_size(_value_context):\n\"\"\"\nIf the size of of a LazyTensor is less than max_cholesky_size,\nthen root_decomposition and inv_matmul of LazyTensor will use Cholesky rather than Lanczos/CG.\n\n(Default: 800)\n\"\"\"\n\n_global_value = 800\n\n[docs]class max_root_decomposition_size(_value_context):\n\"\"\"\nThe maximum number of Lanczos iterations to perform\nThis is used when 1) computing variance estiamtes 2) when drawing from MVNs,\nor 3) for kernel multiplication\nMore values results in higher accuracy\n\n(Default: 100)\n\"\"\"\n\n_global_value = 100\n\n[docs]class max_preconditioner_size(_value_context):\n\"\"\"\nThe maximum size of preconditioner to use. 0 corresponds to turning\npreconditioning off. When enabled, usually a value of around ~10 works fairly well.\n\n(Default: 15)\n\"\"\"\n\n_global_value = 15\n\nr\"\"\"\nThe maximum number of Lanczos iterations to perform when doing stochastic\nLanczos quadrature. This is ONLY used for log determinant calculations and\ncomputing Tr(K^{-1}dK/d\\theta)\n\n(Default: 20)\n\"\"\"\n\n_global_value = 20\n\n[docs]class memory_efficient(_feature_flag):\n\"\"\"\nWhether or not to use Toeplitz math with gridded data, grid inducing point modules\nPros: memory efficient, faster on CPU\nCons: slower on GPUs with < 10000 inducing points\n\n(Default: False)\n\"\"\"\n\n_default = False\n\n[docs]class min_preconditioning_size(_value_context):\n\"\"\"\nIf the size of of a LazyTensor is less than min_preconditioning_size,\nthen we won't use pivoted Cholesky based preconditioning.\n\n(Default: 2000)\n\"\"\"\n\n_global_value = 2000\n\n[docs]class minres_tolerance(_value_context):\n\"\"\"\nRelative update term tolerance to use for terminating MINRES.\n\n(Default: 1e-4)\n\"\"\"\n\n_global_value = 1e-4\n\n\"\"\"\nThe number of quadrature points to compute CIQ.\n\n(Default: 15)\n\"\"\"\n\n_global_value = 15\n\n[docs]class num_likelihood_samples(_value_context):\n\"\"\"\nThe number of samples to draw from a latent GP when computing a likelihood\nThis is used in variational inference and training\n\n(Default: 10)\n\"\"\"\n\n_global_value = 10\n\n[docs]class num_gauss_hermite_locs(_value_context):\n\"\"\"\nThe number of samples to draw from a latent GP when computing a likelihood\nThis is used in variational inference and training\n\n(Default: 20)\n\"\"\"\n\n_global_value = 20\n\n[docs]class num_trace_samples(_value_context):\n\"\"\"\nThe number of samples to draw when stochastically computing the trace of a matrix\nMore values results in more accurate trace estimations\nIf the value is set to 0, then the trace will be deterministically computed\n\n(Default: 10)\n\"\"\"\n\n_global_value = 10\n\n[docs]class prior_mode(_feature_flag):\n\"\"\"\nIf set to true, GP models will be evaluated in prior mode.\nThis allows evaluating any Exact GP model in prior mode, even it if has training data / targets.\n\n(Default: False)\n\"\"\"\n\n_default = False\n\n[docs]class sgpr_diagonal_correction(_feature_flag):\n\"\"\"\nIf set to true, during posterior prediction the variances of the InducingPointKernel\nwill be corrected to match the variances of the exact kernel.\n\nIf false then no such correction will be performed (this is the default in other libraries).\n\n(Default: True)\n\"\"\"\n\n_default = True\n\n[docs]class skip_logdet_forward(_feature_flag):\n\"\"\"\n.. warning:\n\nADVANCED FEATURE. Use this feature ONLY IF you're using\ngpytorch.mlls.MarginalLogLikelihood as loss functions for optimizing\nhyperparameters/variational parameters. DO NOT use this feature if you\nneed accurate estimates of the MLL (i.e. for model selection, MCMC,\nsecond order optimizaiton methods, etc.)\n\nThis feature does not affect the gradients returned by\n:meth:gpytorch.distributions.MultivariateNormal.log_prob\n(used by gpytorch.mlls.MarginalLogLikelihood).\nThe gradients remain unbiased estimates, and therefore can be used with SGD.\nHowever, the actual likelihood value returned by the forward\npass will skip certain computations (i.e. the logdet computation), and will therefore\nbe improper estimates.\n\nIf you're using SGD (or a variant) to optimize parameters, you probably\ndon't need an accurate MLL estimate; you only need accurate gradients. So\nthis setting may give your model a performance boost.\n\n(Default: False)\n\"\"\"\n\n_default = False\n\nclass _linalg_dtype_symeig(_value_context):\n_global_value = torch.double\n\nclass _linalg_dtype_cholesky(_value_context):\n_global_value = torch.double\n\n[docs]class linalg_dtypes:\n\"\"\"\nWhether to perform less stable linalg calls in double precision or in a lower precision.\nCurrently, the default is to apply all symeig calls and cholesky calls within variational\nmethods in double precision.\n\n(Default: torch.double)\n\"\"\"\n\ndef __init__(self, default=torch.double, symeig=None, cholesky=None):\nsymeig = default if symeig is None else symeig\ncholesky = default if cholesky is None else cholesky\n\nself.symeig = _linalg_dtype_symeig(symeig)\nself.cholesky = _linalg_dtype_cholesky(cholesky)\n\ndef __enter__(self):\nself.symeig.__enter__()\nself.cholesky.__enter__()\n\ndef __exit__(self, *args):\nself.symeig.__exit__()\nself.cholesky.__exit__()\nreturn False\n\n[docs]class terminate_cg_by_size(_feature_flag):\n\"\"\"\nIf set to true, cg will terminate after n iterations for an n x n matrix.\n\n(Default: False)\n\"\"\"\n\n_default = False\n\n[docs]class trace_mode(_feature_flag):\n\"\"\"\nIf set to True, we will generally try to avoid calling our built in PyTorch functions, because these cannot\nbe run through torch.jit.trace.\n\nNote that this will sometimes involve explicitly evaluating lazy tensors and various other slowdowns and\ninefficiencies. As a result, you really shouldn't use this feature context unless you are calling torch.jit.trace\non a GPyTorch model.\n\nOur hope is that this flag will not be necessary long term, once https://github.com/pytorch/pytorch/issues/22329\nis fixed.\n\n(Default: False)\n\"\"\"\n\n_default = False\n\n[docs]class tridiagonal_jitter(_value_context):\n\"\"\"\nThe (relative) amount of noise to add to the diagonal of tridiagonal matrices before\neigendecomposing. root_decomposition becomes slightly more stable with this, as we need\nto take the square root of the eigenvalues. Any eigenvalues still negative after adding jitter\nwill be zeroed out.\n\n(Default: 1e-6)\n\"\"\"\n\n_global_value = 1e-6\n\n[docs]class use_toeplitz(_feature_flag):\n\"\"\"\nWhether or not to use Toeplitz math with gridded data, grid inducing point modules\nPros: memory efficient, faster on CPU\nCons: slower on GPUs with < 10000 inducing points\n\n(Default: True)\n\"\"\"\n\n_default = True\n\n[docs]class verbose_linalg(_feature_flag):\n\"\"\"\nPrint out information whenever running an expensive linear algebra routine (e.g. Cholesky, CG, Lanczos, CIQ, etc.)\n\n(Default: False)\n\"\"\"\n\n_default = False\n\n# Create a global logger\nlogger = logging.getLogger(\"LinAlg (Verbose)\")\nlogger.setLevel(logging.DEBUG)\n\n# Output logging results to the stdout stream\nch = logging.StreamHandler()\nch.setLevel(logging.DEBUG)\nformatter = logging.Formatter(\"%(name)s - %(levelname)s - %(message)s\")\nch.setFormatter(formatter)"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.5885665,"math_prob":0.9134856,"size":21082,"snap":"2021-43-2021-49","text_gpt3_token_len":5015,"char_repetition_ratio":0.15305057,"word_repetition_ratio":0.25714287,"special_character_ratio":0.24380988,"punctuation_ratio":0.178106,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9873938,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-10-21T05:03:14Z\",\"WARC-Record-ID\":\"<urn:uuid:69d0c1b8-9e59-41e4-9ec5-657a67a5eedc>\",\"Content-Length\":\"153205\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:d665b164-fde0-45c3-aeec-670c306c8de9>\",\"WARC-Concurrent-To\":\"<urn:uuid:a47d305f-0bce-49e4-b3ed-e9431e5065e9>\",\"WARC-IP-Address\":\"104.17.32.82\",\"WARC-Target-URI\":\"https://docs.gpytorch.ai/en/stable/_modules/gpytorch/settings.html\",\"WARC-Payload-Digest\":\"sha1:EIF7N7A7VRM45JVOUAEMCCOBH5KHZWZA\",\"WARC-Block-Digest\":\"sha1:D5DP35BMHBQ3NXTLRZ44WWRITMKNQFBV\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-43/CC-MAIN-2021-43_segments_1634323585381.88_warc_CC-MAIN-20211021040342-20211021070342-00068.warc.gz\"}"} |
https://math.stackexchange.com/questions/1872557/equivalence-between-ch-and-existence-of-certain-sets-in-mathbbr2 | [
"# Equivalence between CH and existence of certain sets in $\\mathbb{R}^2$\n\nThe problem is to prove the following equivalence:\n\n$$2^{\\aleph_0}=\\aleph_1 \\iff \\exists\\ A,B\\in\\mathbb{R}^2:\\\\ \\textrm{a)}A\\cup B=\\mathbb{R}^2 \\\\\\textrm{b)}\\ \\forall\\ \\textrm{lines } l\\ \\textrm{parallel to x-axis, } |A\\cap l|\\leq\\aleph_0 \\\\\\textrm{c)}\\ \\forall\\ \\textrm{lines } l\\ \\textrm{parallel to y-axis, } |B\\cap l|\\leq\\aleph_0$$\n\nI think I know how to prove \"$\\impliedby$\":\n\nLet's assume the RHS and that $2^{\\aleph_0}\\geq\\aleph_2$. Now let's take a sequence $\\langle x_{\\alpha}:\\ \\alpha<\\omega_1\\rangle$. Since $\\bigcup_\\limits{\\alpha<\\omega_1}|B\\cap x_{\\alpha}|\\leq \\aleph_1\\cdot\\aleph_0=\\aleph_1$ there is such a $y$-coordinate that neither of $(x_{\\alpha},y)$ is in $B$. But hence we obtain $\\aleph_1$ point which all lie on the same line parallel to $x$-axis. Since $A\\cup B=\\mathbb{R}^2$ they all must be contained in $A$ $-$ a contradiction as $A$ has at most countably many of those points.\n\nBut what about the other implication? Do I contruct these sets by induction? Over all lines or something else? I haven't come up with anything yet, perhaps you could help me.\n\nHint. Let $\\sqsubseteq$ well-order $\\mathbb R$ of order type $\\omega_1$. Being a relation, $\\sqsubseteq$ is a subset of $\\mathbb R\\times\\mathbb R$. Perhaps that will work as either $A$ or $B$?\n• I still don't get it :( Maybe a hint to a hint? I mean: Every linear order contains a cofinal well-order. So what if $\\sqsubseteq$ is a cofinal well order on some line $l$ with natural order? Jul 27, 2016 at 9:58\n• @Jules: You're overcomplicating it :). Assuming CH, there is a bijection $\\varphi:\\mathbb R\\to\\omega_1$. Then define $x\\sqsubseteq y$ iff $\\varphi(x)\\le\\varphi(y)$. This gives you a well-ordering of all of $\\mathbb R$ of order type $\\omega_1$. In particular $\\{x\\in\\mathbb R\\mid x\\sqsubseteq a\\}$ is at most countable for every $a$. Jul 27, 2016 at 10:09\n• @Jules: Remember what an ordering is. An ordering such as $\\sqsubseteq$ is a particular case of a relation, which is, in and of itself, a set of pairs, that is, a subset of $\\mathbb R\\times\\mathbb R$. The set $\\sqsubseteq$ itself can be your $A$. And then $B$ becomes $\\mathbb R^2 \\setminus {\\sqsubseteq}$. Jul 27, 2016 at 10:33\n• But don't I need a set on which I impose this order? A set of elements that this relation pertains to? I guess it should be $\\mathbb{R}^2$ here. Jul 27, 2016 at 10:37"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.78685683,"math_prob":0.9994376,"size":1077,"snap":"2023-40-2023-50","text_gpt3_token_len":388,"char_repetition_ratio":0.12581547,"word_repetition_ratio":0.028368793,"special_character_ratio":0.3249768,"punctuation_ratio":0.086124405,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9999827,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-09-25T04:25:17Z\",\"WARC-Record-ID\":\"<urn:uuid:794f9858-a954-4c0f-8db2-4ea229a6039f>\",\"Content-Length\":\"140884\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:8e0a9dce-d84a-4331-986d-eeaab8bf5ad0>\",\"WARC-Concurrent-To\":\"<urn:uuid:db6b7d75-d19e-4850-aa62-80156fb881a4>\",\"WARC-IP-Address\":\"104.18.10.86\",\"WARC-Target-URI\":\"https://math.stackexchange.com/questions/1872557/equivalence-between-ch-and-existence-of-certain-sets-in-mathbbr2\",\"WARC-Payload-Digest\":\"sha1:AUMYP26A2RA6MEL5DJFHMCZYVSBC2ZKT\",\"WARC-Block-Digest\":\"sha1:2PJQED6OIVJ7BFVVSBP2FXNRQZGXNYUM\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-40/CC-MAIN-2023-40_segments_1695233506676.95_warc_CC-MAIN-20230925015430-20230925045430-00377.warc.gz\"}"} |
https://www.rdocumentation.org/packages/ggraph/versions/2.0.5/topics/geom_edge_fan | [
"ggraph (version 2.0.5)\n\n# geom_edge_fan: Draw edges as curves of different curvature\n\n## Description\n\nThis geom draws edges as cubic beziers with the control point positioned half-way between the nodes and at an angle dependent on the presence of parallel edges. This results in parallel edges being drawn in a non-overlapping fashion resembling the standard approach used in `igraph::plot.igraph()`. Before calculating the curvature the edges are sorted by direction so that edges going the same way will be adjacent. This geom is currently the only choice for non-simple graphs if edges should not be overplotted.\n\n## Usage\n\n```geom_edge_fan(\nmapping = NULL,\ndata = get_edges(),\nposition = \"identity\",\narrow = NULL,\nstrength = 1,\nn = 100,\nlineend = \"butt\",\nlinejoin = \"round\",\nlinemitre = 1,\nlabel_colour = \"black\",\nlabel_alpha = 1,\nlabel_parse = FALSE,\ncheck_overlap = FALSE,\nangle_calc = \"rot\",\nforce_flip = TRUE,\nlabel_dodge = NULL,\nlabel_push = NULL,\nshow.legend = NA,\n...,\nspread\n)geom_edge_fan2(\nmapping = NULL,\ndata = get_edges(\"long\"),\nposition = \"identity\",\narrow = NULL,\nstrength = 1,\nn = 100,\nlineend = \"butt\",\nlinejoin = \"round\",\nlinemitre = 1,\nlabel_colour = \"black\",\nlabel_alpha = 1,\nlabel_parse = FALSE,\ncheck_overlap = FALSE,\nangle_calc = \"rot\",\nforce_flip = TRUE,\nlabel_dodge = NULL,\nlabel_push = NULL,\nshow.legend = NA,\n...,\nspread\n)geom_edge_fan0(\nmapping = NULL,\ndata = get_edges(),\nposition = \"identity\",\narrow = NULL,\nstrength = 1,\nlineend = \"butt\",\nshow.legend = NA,\n...,\nspread\n)```\n\n## Arguments\n\nmapping\n\nSet of aesthetic mappings created by `ggplot2::aes()` or `ggplot2::aes_()`. By default x, y, xend, yend, group and circular are mapped to x, y, xend, yend, edge.id and circular in the edge data.\n\ndata\n\nThe return of a call to `get_edges()` or a data.frame giving edges in correct format (see details for for guidance on the format). See `get_edges()` for more details on edge extraction.\n\nposition\n\nPosition adjustment, either as a string, or the result of a call to a position adjustment function.\n\narrow\n\nArrow specification, as created by `grid::arrow()`.\n\nstrength\n\nModify the width of the fans `strength > 1` will create wider fans while the reverse will make them more narrow.\n\nn\n\nThe number of points to create along the path.\n\nlineend\n\nLine end style (round, butt, square).\n\nlinejoin\n\nLine join style (round, mitre, bevel).\n\nlinemitre\n\nLine mitre limit (number greater than 1).\n\nlabel_colour\n\nThe colour of the edge label. If `NA` it will use the colour of the edge.\n\nlabel_alpha\n\nThe opacity of the edge label. If `NA` it will use the opacity of the edge.\n\nlabel_parse\n\nIf `TRUE`, the labels will be parsed into expressions and displayed as described in `grDevices::plotmath()`.\n\ncheck_overlap\n\nIf `TRUE`, text that overlaps previous text in the same layer will not be plotted. `check_overlap` happens at draw time and in the order of the data. Therefore data should be arranged by the label column before calling `geom_label()` or `geom_text()`.\n\nangle_calc\n\nEither 'none', 'along', or 'across'. If 'none' the label will use the angle aesthetic of the geom. If 'along' The label will be written along the edge direction. If 'across' the label will be written across the edge direction.\n\nforce_flip\n\nLogical. If `angle_calc` is either 'along' or 'across' should the label be flipped if it is on it's head. Default to `TRUE`.\n\nlabel_dodge\n\nA `grid::unit()` giving a fixed vertical shift to add to the label in case of `angle_calc` is either 'along' or 'across'\n\nlabel_push\n\nA `grid::unit()` giving a fixed horizontal shift to add to the label in case of `angle_calc` is either 'along' or 'across'\n\nshow.legend\n\nlogical. Should this layer be included in the legends? `NA`, the default, includes if any aesthetics are mapped. `FALSE` never includes, and `TRUE` always includes. It can also be a named logical vector to finely select the aesthetics to display.\n\n...\n\nOther arguments passed on to `layer()`. These are often aesthetics, used to set an aesthetic to a fixed value, like `colour = \"red\"` or `size = 3`. They may also be parameters to the paired geom/stat.\n\nspread\n\nDeprecated. Use `strength` instead.\n\n## Aesthetics\n\n`geom_edge_fan` and `geom_edge_fan0` understand the following aesthetics. Bold aesthetics are automatically set, but can be overridden.\n\n• x\n\n• y\n\n• xend\n\n• yend\n\n• from\n\n• to\n\n• edge_colour\n\n• edge_width\n\n• edge_linetype\n\n• edge_alpha\n\n• filter\n\n`geom_edge_fan2` understand the following aesthetics. Bold aesthetics are automatically set, but can be overridden.\n\n• x\n\n• y\n\n• group\n\n• from\n\n• to\n\n• edge_colour\n\n• edge_width\n\n• edge_linetype\n\n• edge_alpha\n\n• filter\n\n`geom_edge_fan` and `geom_edge_fan2` furthermore takes the following aesthetics.\n\n• start_cap\n\n• end_cap\n\n• label\n\n• label_pos\n\n• label_size\n\n• angle\n\n• hjust\n\n• vjust\n\n• family\n\n• fontface\n\n• lineheight\n\n## Computed variables\n\nindex\n\nThe position along the path (not computed for the *0 version)\n\n## Edge variants\n\nMany geom_edge_* layers comes in 3 flavors depending on the level of control needed over the drawing. The default (no numeric postfix) generate a number of points (`n`) along the edge and draws it as a path. Each point along the line has a numeric value associated with it giving the position along the path, and it is therefore possible to show the direction of the edge by mapping to this e.g. `colour = stat(index)`. The version postfixed with a \"2\" uses the \"long\" edge format (see `get_edges()`) and makes it possible to interpolate node parameter between the start and end node along the edge. It is considerable less performant so should only be used if this is needed. The version postfixed with a \"0\" draws the edge in the most performant way, often directly using an appropriate grob from the grid package, but does not allow for gradients along the edge.\n\nOften it is beneficial to stop the drawing of the edge before it reaches the node, for instance in cases where an arrow should be drawn and the arrowhead shouldn't lay on top or below the node point. geom_edge_* and geom_edge_*2 supports this through the start_cap and end_cap aesthetics that takes a `geometry()` specification and dynamically caps the termini of the edges based on the given specifications. This means that if `end_cap = circle(1, 'cm')` the edges will end at a distance of 1cm even during resizing of the plot window.\n\nAll `geom_edge_*` and `geom_edge_*2` have the ability to draw a label along the edge. The reason this is not a separate geom is that in order for the label to know the location of the edge it needs to know the edge type etc. Labels are drawn by providing a label aesthetic. The label_pos can be used to specify where along the edge it should be drawn by supplying a number between 0 and 1. The label_size aesthetic can be used to control the size of the label. Often it is needed to have the label written along the direction of the edge, but since the actual angle is dependent on the plot dimensions this cannot be calculated beforehand. Using the angle_calc argument allows you to specify whether to use the supplied angle aesthetic or whether to draw the label along or across the edge.\n\n## Edge aesthetic name expansion\n\nIn order to avoid excessive typing edge aesthetic names are automatically expanded. Because of this it is not necessary to write `edge_colour` within the `aes()` call as `colour` will automatically be renamed appropriately.\n\n## See Also\n\nOther geom_edge_*: `geom_edge_arc()`, `geom_edge_bend()`, `geom_edge_density()`, `geom_edge_diagonal()`, `geom_edge_elbow()`, `geom_edge_hive()`, `geom_edge_link()`, `geom_edge_loop()`, `geom_edge_parallel()`, `geom_edge_point()`, `geom_edge_span()`, `geom_edge_tile()`\n\n## Examples\n\n```# NOT RUN {\nrequire(tidygraph)\ngr <- create_notable('bull') %>%\nconvert(to_directed) %>%\nbind_edges(data.frame(from = c(1, 2, 2, 3), to = c(2, 1, 3, 2))) %E>%\nmutate(class = sample(letters[1:3], 9, TRUE)) %N>%\nmutate(class = sample(c('x', 'y'), 5, TRUE))\n\nggraph(gr, 'stress') +\ngeom_edge_fan(aes(alpha = stat(index)))\n\nggraph(gr, 'stress') +\ngeom_edge_fan2(aes(colour = node.class))\n\nggraph(gr, 'stress') +\ngeom_edge_fan0(aes(colour = class))\n# }\n```"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.76064235,"math_prob":0.9659521,"size":7473,"snap":"2021-21-2021-25","text_gpt3_token_len":1894,"char_repetition_ratio":0.14058107,"word_repetition_ratio":0.14708298,"special_character_ratio":0.250368,"punctuation_ratio":0.14637682,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.98411405,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-06-13T14:06:37Z\",\"WARC-Record-ID\":\"<urn:uuid:b4eb490f-f3dc-457d-ac31-37e8b97ed3ff>\",\"Content-Length\":\"79412\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:a8e140a6-4c0e-47e1-b0e7-1642fbb741a2>\",\"WARC-Concurrent-To\":\"<urn:uuid:def3dc1b-d619-4a82-aca2-84e13dba5554>\",\"WARC-IP-Address\":\"99.84.109.63\",\"WARC-Target-URI\":\"https://www.rdocumentation.org/packages/ggraph/versions/2.0.5/topics/geom_edge_fan\",\"WARC-Payload-Digest\":\"sha1:TSFIIKI3SIGHX6VWURRRIYBHDWE463OV\",\"WARC-Block-Digest\":\"sha1:2KXOF4RP6AKALS3ZOBRTTRE5QORJZTTW\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-25/CC-MAIN-2021-25_segments_1623487608856.6_warc_CC-MAIN-20210613131257-20210613161257-00481.warc.gz\"}"} |
https://www.geogebra.org/m/heqSg72K | [
"# The Derivative Curve\n\nAuthor:\nchisanga\nThis applet shows how to draw the derivative of a function. Point A can be moved along the curve. The red point has the same x coordinate as A and its y coordinate is the gradient of the function, f. Move the point A along the curve and the red point traces out the derivative curve.\n1. For what values are is the derivative positive?\n2. For what values are is the derivative negative?\n3. How do stationary points on translate to points on the derivative curve?\n4. How do stationary points on the derivative curve translate to points on the curve of ?"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8881991,"math_prob":0.99367285,"size":611,"snap":"2021-31-2021-39","text_gpt3_token_len":133,"char_repetition_ratio":0.21746293,"word_repetition_ratio":0.10810811,"special_character_ratio":0.21767594,"punctuation_ratio":0.094017096,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.996719,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-09-21T01:55:46Z\",\"WARC-Record-ID\":\"<urn:uuid:8598a5a5-51c7-4013-99de-de92ba826c2d>\",\"Content-Length\":\"39353\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:d3c8f6a6-df08-4b99-8bac-d2333a8ed52c>\",\"WARC-Concurrent-To\":\"<urn:uuid:d3239c6f-b56e-48e6-b1e4-9cdc26fa05b1>\",\"WARC-IP-Address\":\"99.84.105.53\",\"WARC-Target-URI\":\"https://www.geogebra.org/m/heqSg72K\",\"WARC-Payload-Digest\":\"sha1:OQ4ZULUUMAMHHMZ5OLDNUPYE3E2VYWUN\",\"WARC-Block-Digest\":\"sha1:PTMKXMQO333YWLOEVSJJ2XM4IK7VNWYY\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-39/CC-MAIN-2021-39_segments_1631780057131.88_warc_CC-MAIN-20210921011047-20210921041047-00010.warc.gz\"}"} |
https://questions.llc/questions/1646435 | [
"# home / study / engineering / computer science / computer science questions and answers / 4.7 problems in this exercise assume that the logic blocks used to implement a processor’s ...\n\nQuestion: 4.7 Problems in this exercise assume that the logic blocks used to implement a processor’s data...\n4.7 Problems in this exercise assume that the logic blocks used to implement a processor’s datapath have the following latencies:\n1-Mem/D-Mem\nRegister File\nMUX\nALU\nSingle gate\nRegister Setup\nSign extend\nControl\n250 ps\n150 ps\n25 ps\n200 ps\n150 ps\n5 ps\n30 ps\n20 ps\n50 ps\n50 ps\n“Register read” is the time needed after the rising clock edge for the new register value to appear on the output. This value applies to the PC only. “Register setup” is the amount of time a register’s data input must be stable before the rising edge of the clock. This value applies to both the PC and Register File.\n4.7.1 Although the control unit as a whole requires 50 ps, it so happens that we can extract the correct value of the Reg2Loc control wire directly from the instruction. Thus, the value of this control wire is available at the same time as the instruction. Explain how we can extract this value directly from the instruction. Hints: Carefully examine the opcodes shown in Figure 2.20. Also, remember that LSR and LSL do not use the Rm field. Finally, ignore STXR.\n4.7.2 What is the latency of an R-type instruction (i.e., how long must the clock period be to ensure that this instruction works correctly)?\n4.7.3 What is the latency of LDUR? (Check your answer carefully. Many students place extra muxes on the critical path.)\n4.7.4 What is the latency of STUR? (Check your answer carefully. Many students place extra muxes on the critical path.)\n4.7.5 What is the latency of CBZ?\n4.7.6 What is the latency of B?\n4.7.7 What is the latency of an I-type instruction?\n4.7.8 What is the minimum clock period for this CPU?\n\n## To answer the questions about the latencies and clock period for the CPU in this exercise, we need to refer to the given information about the latencies of various logic blocks used to implement the processor's datapath.\n\n4.7.1: The value of the Reg2Loc control wire can be directly extracted from the instruction because it is available at the same time as the instruction. This is possible because certain opcodes shown in Figure 2.20 allow us to extract this value directly from the instruction. The R-type instructions (except for LSR and LSL which do not use the Rm field) have the necessary opcode information to determine the value of Reg2Loc. We can therefore use this information to extract the value of Reg2Loc directly from the instruction.\n\n4.7.2: The latency of an R-type instruction is the time it takes for the instruction to complete its execution. In this case, we need to consider the latencies of the logic blocks involved in the execution of an R-type instruction. According to the given information, the latencies for the required logic blocks are as follows:\n- Register Setup: 20 ps\n- ALU: 200 ps\n\nTo ensure that the R-type instruction works correctly, the clock period should be equal to or greater than the sum of these latencies. Therefore, the latency of an R-type instruction is 30 ps + 20 ps + 200 ps = 250 ps.\n\n4.7.3: The latency of LDUR instruction is the time it takes for the instruction to complete its execution. To determine this, we need to consider the latencies of the logic blocks involved in the execution of the LDUR instruction. According to the given information, the latencies for the required logic blocks are as follows:\n- Register Setup: 20 ps\n- MUX: 25 ps\n- Mem/D-Mem: 250 ps\n\nTo check our answer carefully and avoid placing extra muxes on the critical path, we should consider the longest path among these latencies. Therefore, the latency of LDUR instruction is 30 ps + 20 ps + 250 ps = 300 ps.\n\n4.7.4: The latency of STUR instruction is the time it takes for the instruction to complete its execution. To determine this, we need to consider the latencies of the logic blocks involved in the execution of the STUR instruction. According to the given information, the latencies for the required logic blocks are as follows:\n- Register Setup: 20 ps\n- MUX: 25 ps\n- Mem/D-Mem: 250 ps\n\nTo check our answer carefully and avoid placing extra muxes on the critical path, we should consider the longest path among these latencies. Therefore, the latency of STUR instruction is 30 ps + 20 ps + 250 ps = 300 ps.\n\n4.7.5: The latency of CBZ instruction is the time it takes for the instruction to complete its execution. However, the given information does not provide specific latencies for the logic blocks involved in the execution of the CBZ instruction. Therefore, we cannot determine the exact latency of CBZ instruction based on the given information.\n\n4.7.6: The latency of B instruction is the time it takes for the instruction to complete its execution. However, the given information does not provide specific latencies for the logic blocks involved in the execution of the B instruction. Therefore, we cannot determine the exact latency of B instruction based on the given information.\n\n4.7.7: The latency of an I-type instruction is the time it takes for the instruction to complete its execution. However, the given information does not provide specific latencies for the logic blocks involved in the execution of an I-type instruction. Therefore, we cannot determine the exact latency of an I-type instruction based on the given information.\n\n4.7.8: The minimum clock period for this CPU should be equal to or greater than the sum of the latencies of all the logic blocks involved in the execution of the longest instruction. In this case, we can consider the LDUR instruction, which has the longest path among the given instructions. According to the given information, the latencies for the required logic blocks in LDUR instruction are as follows:\n- Register Setup: 20 ps\n- MUX: 25 ps\n- Mem/D-Mem: 250 ps\n\nTherefore, the minimum clock period for this CPU should be 30 ps + 20 ps + 25 ps + 250 ps = 325 ps.\n\n3170219\n\nCreated\n\nRating\n0\n\n## To find the answers to the given questions, we need to analyze the provided information about the latencies of the logic blocks used in the processor's datapath. Let's break down each question and explain how to find the answers.\n\n4.7.1 - To extract the value of the Reg2Loc control wire directly from the instruction, we need to examine the opcodes shown in Figure 2.20. By carefully examining the opcodes, we can determine if the instruction is an LSR or LSL type, as they do not use the Rm field. Finally, we can ignore STXR. The correct value of Reg2Loc control wire is available at the same time as the instruction.\n\n4.7.2 - The latency of an R-type instruction refers to how long the clock period should be to ensure that this instruction works correctly. To find the latency, we need to consider the slowest logic block in the datapath, which is the Register File with a latency of 150 ps. Therefore, the clock period should be at least 150 ps to ensure correct operation.\n\n4.7.3 - The latency of LDUR refers to how long it takes for an LDUR instruction to execute. To find the latency, we need to identify the critical path, i.e., the path with the longest latency. It is important to check for any extra muxes placed on the critical path, as they might introduce additional delay. By carefully examining the datapath, we can identify the critical path and determine the LDUR's latency.\n\n4.7.4 - Similar to question 4.7.3, the latency of STUR refers to the time it takes for an STUR instruction to execute. We need to identify the critical path and check for any extra muxes on it to find the correct latency of STUR.\n\n4.7.5 - The latency of CBZ refers to the time it takes for a CBZ instruction to execute. To find the latency, we need to identify the critical path and determine the delay introduced by the logic blocks on that path.\n\n4.7.6 - The latency of B refers to the time it takes for a B instruction to execute. Similar to previous questions, we need to identify the critical path and calculate the delay introduced by the logic blocks on that path.\n\n4.7.7 - The latency of an I-type instruction refers to the time it takes for an I-type instruction to execute. Again, we need to identify the critical path and calculate the delay introduced by the logic blocks on that path.\n\n4.7.8 - The minimum clock period for this CPU refers to the shortest time duration between clock cycles that allows correct operation. To find this period, we need to consider the longest latency of any logic block in the datapath and set the clock period to be at least that long.\n\nBy carefully analyzing the information provided about the latencies and following the instructions stated for each question, we can find the correct answers.\n\n3633184\n\nCreated\n\nRating\n0"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9018421,"math_prob":0.8684431,"size":8959,"snap":"2023-40-2023-50","text_gpt3_token_len":2086,"char_repetition_ratio":0.18447794,"word_repetition_ratio":0.40761906,"special_character_ratio":0.23841947,"punctuation_ratio":0.118063115,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.97726405,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-12-02T14:36:37Z\",\"WARC-Record-ID\":\"<urn:uuid:8cfdc414-225c-4240-bc12-56fd96be65cd>\",\"Content-Length\":\"47042\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:eaffdcf3-6460-461f-9e5c-8793e1339463>\",\"WARC-Concurrent-To\":\"<urn:uuid:467b9d0c-e9d3-41d4-a48b-05b12a8f0bb9>\",\"WARC-IP-Address\":\"45.79.29.166\",\"WARC-Target-URI\":\"https://questions.llc/questions/1646435\",\"WARC-Payload-Digest\":\"sha1:H7G4N66RQLE2XZKIZJ7TOLFOZ4EPGERP\",\"WARC-Block-Digest\":\"sha1:SIQFNQLNSVOX4ZOKPGA52T6VQ7KE3LF3\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-50/CC-MAIN-2023-50_segments_1700679100427.59_warc_CC-MAIN-20231202140407-20231202170407-00188.warc.gz\"}"} |
https://www.colorhexa.com/e1e1ed | [
"# #e1e1ed Color Information\n\nIn a RGB color space, hex #e1e1ed is composed of 88.2% red, 88.2% green and 92.9% blue. Whereas in a CMYK color space, it is composed of 5.1% cyan, 5.1% magenta, 0% yellow and 7.1% black. It has a hue angle of 240 degrees, a saturation of 25% and a lightness of 90.6%. #e1e1ed color hex could be obtained by blending #ffffff with #c3c3db. Closest websafe color is: #ccccff.\n\n• R 88\n• G 88\n• B 93\nRGB color chart\n• C 5\n• M 5\n• Y 0\n• K 7\nCMYK color chart\n\n#e1e1ed color description : Light grayish blue.\n\n# #e1e1ed Color Conversion\n\nThe hexadecimal color #e1e1ed has RGB values of R:225, G:225, B:237 and CMYK values of C:0.05, M:0.05, Y:0, K:0.07. Its decimal value is 14803437.\n\nHex triplet RGB Decimal e1e1ed `#e1e1ed` 225, 225, 237 `rgb(225,225,237)` 88.2, 88.2, 92.9 `rgb(88.2%,88.2%,92.9%)` 5, 5, 0, 7 240°, 25, 90.6 `hsl(240,25%,90.6%)` 240°, 5.1, 92.9 ccccff `#ccccff`\nCIE-LAB 89.846, 2.202, -5.841 73.26, 75.972, 90.921 0.305, 0.316, 75.972 89.846, 6.242, 290.653 89.846, -0.686, -9.445 87.162, -2.504, -0.833 11100001, 11100001, 11101101\n\n# Color Schemes with #e1e1ed\n\n• #e1e1ed\n``#e1e1ed` `rgb(225,225,237)``\n• #edede1\n``#edede1` `rgb(237,237,225)``\nComplementary Color\n• #e1e7ed\n``#e1e7ed` `rgb(225,231,237)``\n• #e1e1ed\n``#e1e1ed` `rgb(225,225,237)``\n• #e7e1ed\n``#e7e1ed` `rgb(231,225,237)``\nAnalogous Color\n• #e7ede1\n``#e7ede1` `rgb(231,237,225)``\n• #e1e1ed\n``#e1e1ed` `rgb(225,225,237)``\n• #ede7e1\n``#ede7e1` `rgb(237,231,225)``\nSplit Complementary Color\n• #e1ede1\n``#e1ede1` `rgb(225,237,225)``\n• #e1e1ed\n``#e1e1ed` `rgb(225,225,237)``\n• #ede1e1\n``#ede1e1` `rgb(237,225,225)``\nTriadic Color\n• #e1eded\n``#e1eded` `rgb(225,237,237)``\n• #e1e1ed\n``#e1e1ed` `rgb(225,225,237)``\n• #ede1e1\n``#ede1e1` `rgb(237,225,225)``\n• #edede1\n``#edede1` `rgb(237,237,225)``\nTetradic Color\n• #b1b1d0\n``#b1b1d0` `rgb(177,177,208)``\n• #c1c1da\n``#c1c1da` `rgb(193,193,218)``\n• #d1d1e3\n``#d1d1e3` `rgb(209,209,227)``\n• #e1e1ed\n``#e1e1ed` `rgb(225,225,237)``\n• #f1f1f7\n``#f1f1f7` `rgb(241,241,247)``\n• #ffffff\n``#ffffff` `rgb(255,255,255)``\n• #ffffff\n``#ffffff` `rgb(255,255,255)``\nMonochromatic Color\n\n# Alternatives to #e1e1ed\n\nBelow, you can see some colors close to #e1e1ed. Having a set of related colors can be useful if you need an inspirational alternative to your original color choice.\n\n• #e1e4ed\n``#e1e4ed` `rgb(225,228,237)``\n• #e1e3ed\n``#e1e3ed` `rgb(225,227,237)``\n• #e1e2ed\n``#e1e2ed` `rgb(225,226,237)``\n• #e1e1ed\n``#e1e1ed` `rgb(225,225,237)``\n• #e2e1ed\n``#e2e1ed` `rgb(226,225,237)``\n• #e3e1ed\n``#e3e1ed` `rgb(227,225,237)``\n• #e4e1ed\n``#e4e1ed` `rgb(228,225,237)``\nSimilar Colors\n\n# #e1e1ed Preview\n\nText with hexadecimal color #e1e1ed\n\nThis text has a font color of #e1e1ed.\n\n``<span style=\"color:#e1e1ed;\">Text here</span>``\n#e1e1ed background color\n\nThis paragraph has a background color of #e1e1ed.\n\n``<p style=\"background-color:#e1e1ed;\">Content here</p>``\n#e1e1ed border color\n\nThis element has a border color of #e1e1ed.\n\n``<div style=\"border:1px solid #e1e1ed;\">Content here</div>``\nCSS codes\n``.text {color:#e1e1ed;}``\n``.background {background-color:#e1e1ed;}``\n``.border {border:1px solid #e1e1ed;}``\n\n# Shades and Tints of #e1e1ed\n\nA shade is achieved by adding black to any pure hue, while a tint is created by mixing white to any pure color. In this example, #040407 is the darkest color, while #fafafc is the lightest one.\n\n• #040407\n``#040407` `rgb(4,4,7)``\n• #0b0b13\n``#0b0b13` `rgb(11,11,19)``\n• #13131f\n``#13131f` `rgb(19,19,31)``\n• #1a1a2c\n``#1a1a2c` `rgb(26,26,44)``\n• #212138\n``#212138` `rgb(33,33,56)``\n• #292944\n``#292944` `rgb(41,41,68)``\n• #303050\n``#303050` `rgb(48,48,80)``\n• #38385d\n``#38385d` `rgb(56,56,93)``\n• #3f3f69\n``#3f3f69` `rgb(63,63,105)``\n• #464675\n``#464675` `rgb(70,70,117)``\n• #4e4e81\n``#4e4e81` `rgb(78,78,129)``\n• #55558e\n``#55558e` `rgb(85,85,142)``\n• #5c5c9a\n``#5c5c9a` `rgb(92,92,154)``\nShade Color Variation\n• #6666a3\n``#6666a3` `rgb(102,102,163)``\n• #7373ab\n``#7373ab` `rgb(115,115,171)``\n• #7f7fb2\n``#7f7fb2` `rgb(127,127,178)``\n• #8b8bba\n``#8b8bba` `rgb(139,139,186)``\n• #9797c1\n``#9797c1` `rgb(151,151,193)``\n• #a4a4c8\n``#a4a4c8` `rgb(164,164,200)``\n• #b0b0d0\n``#b0b0d0` `rgb(176,176,208)``\n• #bcbcd7\n``#bcbcd7` `rgb(188,188,215)``\n• #c8c8de\n``#c8c8de` `rgb(200,200,222)``\n• #d5d5e6\n``#d5d5e6` `rgb(213,213,230)``\n• #e1e1ed\n``#e1e1ed` `rgb(225,225,237)``\n• #ededf4\n``#ededf4` `rgb(237,237,244)``\n• #fafafc\n``#fafafc` `rgb(250,250,252)``\nTint Color Variation\n\n# Tones of #e1e1ed\n\nA tone is produced by adding gray to any pure hue. In this case, #e7e7e7 is the less saturated color, while #d0d0fe is the most saturated one.\n\n• #e7e7e7\n``#e7e7e7` `rgb(231,231,231)``\n• #e5e5e9\n``#e5e5e9` `rgb(229,229,233)``\n• #e3e3eb\n``#e3e3eb` `rgb(227,227,235)``\n• #e1e1ed\n``#e1e1ed` `rgb(225,225,237)``\n• #dfdfef\n``#dfdfef` `rgb(223,223,239)``\n• #ddddf1\n``#ddddf1` `rgb(221,221,241)``\n• #dbdbf3\n``#dbdbf3` `rgb(219,219,243)``\n• #dadaf4\n``#dadaf4` `rgb(218,218,244)``\n• #d8d8f6\n``#d8d8f6` `rgb(216,216,246)``\n• #d6d6f8\n``#d6d6f8` `rgb(214,214,248)``\n• #d4d4fa\n``#d4d4fa` `rgb(212,212,250)``\n• #d2d2fc\n``#d2d2fc` `rgb(210,210,252)``\n• #d0d0fe\n``#d0d0fe` `rgb(208,208,254)``\nTone Color Variation\n\n# Color Blindness Simulator\n\nBelow, you can see how #e1e1ed is perceived by people affected by a color vision deficiency. This can be useful if you need to ensure your color combinations are accessible to color-blind users.\n\nMonochromacy\n• Achromatopsia 0.005% of the population\n• Atypical Achromatopsia 0.001% of the population\nDichromacy\n• Protanopia 1% of men\n• Deuteranopia 1% of men\n• Tritanopia 0.001% of the population\nTrichromacy\n• Protanomaly 1% of men, 0.01% of women\n• Deuteranomaly 6% of men, 0.4% of women\n• Tritanomaly 0.01% of the population"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.50826216,"math_prob":0.6718516,"size":3706,"snap":"2021-04-2021-17","text_gpt3_token_len":1726,"char_repetition_ratio":0.124257155,"word_repetition_ratio":0.011090573,"special_character_ratio":0.52320564,"punctuation_ratio":0.23370786,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.97159946,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-04-20T05:13:10Z\",\"WARC-Record-ID\":\"<urn:uuid:4ca7fe34-2771-45c1-8851-afecdfdf0968>\",\"Content-Length\":\"36338\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:9894cbad-e30b-4a6b-82a6-5af3d4dec3a3>\",\"WARC-Concurrent-To\":\"<urn:uuid:ab849b2b-15aa-4f59-917a-13f35bad164a>\",\"WARC-IP-Address\":\"178.32.117.56\",\"WARC-Target-URI\":\"https://www.colorhexa.com/e1e1ed\",\"WARC-Payload-Digest\":\"sha1:E3CYAAILK4PGZAK34ICRN6OZTAINAXFN\",\"WARC-Block-Digest\":\"sha1:4DUUXBZEMEAVE5OBHP3W5USXV26NEZ2E\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-17/CC-MAIN-2021-17_segments_1618039375537.73_warc_CC-MAIN-20210420025739-20210420055739-00145.warc.gz\"}"} |
https://sensing.konicaminolta.us/us/blog/identifying-color-differences-using-l-a-b-or-l-c-h-coordinates/ | [
"Deprecated: strcasecmp(): Passing null to parameter #1 (\\$string1) of type string is deprecated in C:\\inetpub\\wwwroot\\km-sensing\\wp-content\\themes\\uncode\\core\\inc\\wp-bootstrap-navwalker.php on line 107 Deprecated: strcasecmp(): Passing null to parameter #1 (\\$string1) of type string is deprecated in C:\\inetpub\\wwwroot\\km-sensing\\wp-content\\themes\\uncode\\core\\inc\\wp-bootstrap-navwalker.php on line 107 Deprecated: strcasecmp(): Passing null to parameter #1 (\\$string1) of type string is deprecated in C:\\inetpub\\wwwroot\\km-sensing\\wp-content\\themes\\uncode\\core\\inc\\wp-bootstrap-navwalker.php on line 107\n\n# Identifying Color Differences Using L*a*b* or L*C*H* Coordinates\n\nHow Closely Does the Sample Match the Standard?\n\nEven if two colors look the same to one person, slight differences may be found when evaluated with a color measurement instrument. If the color of a sample does not match the standard, customer satisfaction is compromised and the amount of rework and costs increase. Because of this, identifying color differences between a sample and the standard as early in the production process as possible is important.\n\nColor difference can be defined as the numerical comparison of a sample’s color to the standard. It indicates the differences in absolute color coordinates and is referred to as Delta (Δ). These formulas calculate the difference between two colors to identify inconsistencies and help users control the color of their products more effectively.\n\nTo begin, the sample color and the standard color should be measured and the values for each measurement saved. The color differences between the sample and standard are calculated using the resulting colorimetric values.\n\nIdentifying Color Differences Using CIE L*a*b* Coordinates\n\nDefined by the Commission Internationale de l’Eclairage (CIE), the L*a*b* color space was modeled after a color-opponent theory stating that two colors cannot be red and green at the same time or yellow and blue at the same time. As shown below, L* indicates lightness, a* is the red/green coordinate, and b* is the yellow/blue coordinate. Deltas for L* (ΔL*), a* (Δa*) and b* (Δb*) may be positive (+) or negative ( -). The total difference, Delta E (ΔE*), however, is always positive.\n\nΔL* (L* sample minus L* standard) = difference in lightness and darkness (+ = lighter, – = darker)\nΔa* (a* sample minus a* standard) = difference in red and green (+ = redder, – = greener)\nΔb* (b* sample minus b* standard) = difference in yellow and blue (+ = yellower, – = bluer)",
null,
"Let’s compare Apple 1 to Apple 2 (see Figure 1).",
null,
"Figure 1\n\nLooking at the L*a*b* values for each apple in Figure 1, we can objectively determine that the apples don’t match in color. These values tell us that Apple 2 (sample) is lighter, less red, and more yellow in color than Apple 1 (standard). If we put the values of ΔL*=+4.03, Δa*=-3.05, and Δb*=+1.04 into the color difference equation, it can be determined that the total color difference between the two apples is 5.16.\n\n5.16 = [4.03^2 + -3.05^2 + 1.04^2] ^1/2\n\nIdentifying Color Differences Using CIE L*C*H* Coordinates\n\nThe L*C*h color space is similar to L*a*b*, but it describes color differently using cylindrical coordinates instead of rectangular coordinates. In this color space, L* indicates lightness, C* represents chroma, and h is the hue angle. Chroma and hue are calculated from the a* and b* coordinates in L*a*b*. Deltas for lightness (ΔL*), chroma (ΔC*), and hue (ΔH*) may be positive (+) or negative ( -). These are expressed as:\n\nΔL* (L* sample minus L* standard) = difference in lightness and darkness (+ = lighter, – = darker)\nΔC* (C* sample minus C* standard) = difference in chroma (+ = brighter, – = duller)\nΔH* (H* sample minus H* standard) = difference in hue\n\nLet’s compare Apple 1 to Apple 2 (see Figure 2).",
null,
"Figure 2\n\nLooking at the L*C*h values for each apple in Figure 2, we can objectively determine that the apples don’t match in color. Like the L*a*b* values, these values tell us that Apple 2 (sample) is lighter and duller in appearance than Apple 1 (standard). The positive ΔH* value of +1.92 indicates Apple 2 falls counterclockwise to Apple 1 in the L*C*h color space. This tells us that Apple 2 is less red than Apple 1.\n\nColor measurement instruments, such as colorimeters and spectrophotometers, can detect differences indiscernible to the human eye and then instantly display these differences in numerical terms. After identifying color differences using L*a*b* or L*C*h values, it should be decided whether the sample is acceptable or not using tolerance limits."
] | [
null,
"data:image/svg+xml,%3Csvg%20xmlns='http://www.w3.org/2000/svg'%20viewBox='0%200%2020502%202085'%3E%3C/svg%3E",
null,
"data:image/svg+xml,%3Csvg%20xmlns='http://www.w3.org/2000/svg'%20viewBox='0%200%20588%20272'%3E%3C/svg%3E",
null,
"data:image/svg+xml,%3Csvg%20xmlns='http://www.w3.org/2000/svg'%20viewBox='0%200%20588%20272'%3E%3C/svg%3E",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.5048553,"math_prob":0.9732572,"size":20943,"snap":"2023-40-2023-50","text_gpt3_token_len":4991,"char_repetition_ratio":0.1533502,"word_repetition_ratio":0.48715416,"special_character_ratio":0.19385952,"punctuation_ratio":0.14091435,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9785497,"pos_list":[0,1,2,3,4,5,6],"im_url_duplicate_count":[null,null,null,null,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-09-27T14:43:00Z\",\"WARC-Record-ID\":\"<urn:uuid:f658d0ee-e5dc-47dc-8819-59692b36392e>\",\"Content-Length\":\"202528\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:6a80ce6e-4d6d-4c00-a8cc-aadf77ea24b1>\",\"WARC-Concurrent-To\":\"<urn:uuid:67743557-4a40-46bb-aeab-77d3c199b383>\",\"WARC-IP-Address\":\"207.18.59.111\",\"WARC-Target-URI\":\"https://sensing.konicaminolta.us/us/blog/identifying-color-differences-using-l-a-b-or-l-c-h-coordinates/\",\"WARC-Payload-Digest\":\"sha1:6BTCMWLFJPR3AW2ZOGPPKBOC6OAA2FC6\",\"WARC-Block-Digest\":\"sha1:T6WSYNUGAO5Z2LQVXM42IDKFJ2AV2SAY\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-40/CC-MAIN-2023-40_segments_1695233510300.41_warc_CC-MAIN-20230927135227-20230927165227-00206.warc.gz\"}"} |
https://converter.ninja/velocity/meters-per-second-to-knots/980-mps-to-knot/ | [
"# 980 meters per second in knots\n\n## Conversion\n\n980 meters per second is equivalent to 1904.96760259179 knots.",
null,
"## Conversion in the opposite direction\n\nThe inverse of the conversion factor is that 1 knot is equal to 0.000524943310657596 times 980 meters per second.\n\nIt can also be expressed as: 980 meters per second is equal to $\\frac{1}{\\mathrm{0.000524943310657596}}$ knots.\n\n## Approximation\n\nAn approximate numerical result would be: nine hundred and eighty meters per second is about one thousand, nine hundred and four point nine seven knots, or alternatively, a knot is about zero times nine hundred and eighty meters per second.\n\n## Footnotes\n\n The precision is 15 significant digits (fourteen digits to the right of the decimal point).\n\nResults may contain small errors due to the use of floating point arithmetic."
] | [
null,
"https://converter.ninja/images/980_mps_in_knot.jpg",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.84914196,"math_prob":0.99247915,"size":690,"snap":"2020-34-2020-40","text_gpt3_token_len":147,"char_repetition_ratio":0.14577259,"word_repetition_ratio":0.036036037,"special_character_ratio":0.23333333,"punctuation_ratio":0.08661418,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9878654,"pos_list":[0,1,2],"im_url_duplicate_count":[null,1,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-09-26T07:25:24Z\",\"WARC-Record-ID\":\"<urn:uuid:4474f60e-a049-4b87-b91c-2c07db4f67fe>\",\"Content-Length\":\"16135\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:dad9153f-0fc1-47f2-b928-90ee5ca9a4b1>\",\"WARC-Concurrent-To\":\"<urn:uuid:004404bc-5c09-4701-b981-cf8eac4863e8>\",\"WARC-IP-Address\":\"172.67.167.118\",\"WARC-Target-URI\":\"https://converter.ninja/velocity/meters-per-second-to-knots/980-mps-to-knot/\",\"WARC-Payload-Digest\":\"sha1:44IKIK5TRL53BB7KHMZMPFR35RDZB5WY\",\"WARC-Block-Digest\":\"sha1:CIAC4V5OLZRWQFDU6YGVE3LFEVTZTTCF\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-40/CC-MAIN-2020-40_segments_1600400238038.76_warc_CC-MAIN-20200926071311-20200926101311-00143.warc.gz\"}"} |
http://www.oilfieldknowledge.com/resistivity-logs-and-its-applications/ | [
"# Blog Details\n\n• ##### Professional Services\n• Ask any technical question and we will get you answer from experienced technical person\n\n• Talk to our recruitment expert for recruitment services.\n\n• ##### Oilfield expertise at your desktop\nPetrophysics",
null,
"#### Resistivity logs and its applications\n\nResistivity of material is an intrinsic property of material which measures how strongly that material opposes the flow of electric current.Its unit is Ohm-meter.\n\nThe potential difference V between two ends of wire of length L,cross section area A and supplied by electric current I is given as :-\n\nV= I*r …………………………..eq 1\n\nWhere r is resistance of wire ,which is constant for that wire,unit of r is ohms,Unit of potential difference V is volts and unit of electric current I is ampere\n\nResistance offered by wire is directly proportional to length of wire and inversely proportional to cross sectional area A.\n\nr a L/A ………………………….eq 2\n\nIn the above equation constant of proportionality is resistivity R ,hence equation 2 can written as:-\n\nr = R (L/A) …………………………eq 3\n\nResistivity is a physical property of material ,its value is constant for same material at same temperature.\n\nRe-arranging equation 3 we get:-\n\nR = r (A/L)\n\nAs A is cross-section area with unit in meter2 , L is length with unit in meter and r is resistance in ohms,unit of resistivity R comes out as Ohm- m2 /m or Ohm-m.\n\nReciprocal of resistance is conductance and reciprocal of resistivity is conductivity.\n\nUnit of conductivity as used in logging for practical reasons is mili mho / meter\n\nR= 1000/conductivity\n\nApplications of resistivity log:-\n\n1.Water Saturation:- Resistivity is important input for water saturation estimation.Archie equation provides relation for resistivity based water saturation calculation as below:-\n\nSw = [ (a* Rw)/(qm *Rt)]1/n\n\nWhere:-\n\nSw = Water Saturation\n\na = Cementation factor\n\nRw = Formation Water resistivity\n\nq = Porosity\n\nm = Cementation exponent\n\nRt = True formation resistivity\n\nn = Saturation exponent\n\nAs we can see in above equation true formation resistivity and formation water resistivity are important input for water saturation calculation and resistivity tools help us in getting it.\n\nThere are certain assumptions associated with Archie equation as given below :-\n\n1a. Only water in pores acts as electrical conductor,matrix and hydrocarbon acts as insulator.\n\n1b. There is no shale in sands.As most of the reservoirs around the world have shales in matrix so several shaly sand equations are developed such as Indonesian equation,Simandoux equation,Waxman-smits and Dual-water.Most of these equations are modified form of archie equation.\n\n1c. Diameter of invasion:- Diameter of mud filtrate invasion is determined during resistivity environmental correction during determination of true resistivity.Tornado chart is used for determination of true resistivity and diameter of invasion.\n\n2.Well to well Correlation:- Doing well to well correlation using resisistivity curves has distinct advantage as correlation of resistivity is correlation of fluid volume and salinity in formation.\n\n3.Pore pressure estimation:- Resistivity can also be used for pore pressure estimation as per below equation:-\n\nPp = Phyd Rn / Rlog\n\nWhere:-\n\n1. Pp =Pore Pressure\n2. Phyd = Normal hydrostatic pore pressure\n3. Rn = Normal resistivity\n4. Rlog = Measured resistivity"
] | [
null,
"http://www.oilfieldknowledge.com/wp-content/uploads/2017/02/resistivitylogs.png",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.91731423,"math_prob":0.98722786,"size":3061,"snap":"2022-40-2023-06","text_gpt3_token_len":673,"char_repetition_ratio":0.1573438,"word_repetition_ratio":0.004210526,"special_character_ratio":0.20581509,"punctuation_ratio":0.09074074,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99550295,"pos_list":[0,1,2],"im_url_duplicate_count":[null,4,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-02-04T02:28:37Z\",\"WARC-Record-ID\":\"<urn:uuid:b1bb13fb-ec48-42c9-894f-c57ce52250ed>\",\"Content-Length\":\"36440\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:a5476304-3f9d-4b79-b23e-06efa88367d0>\",\"WARC-Concurrent-To\":\"<urn:uuid:563fa39f-8092-415a-b043-908021c676ab>\",\"WARC-IP-Address\":\"148.66.137.16\",\"WARC-Target-URI\":\"http://www.oilfieldknowledge.com/resistivity-logs-and-its-applications/\",\"WARC-Payload-Digest\":\"sha1:AQMMXDHWINICEZIKWE45ABPX32EXNIX2\",\"WARC-Block-Digest\":\"sha1:LWBKSUIRY7D3NEFVQP7JQWKUZUMV4B4E\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-06/CC-MAIN-2023-06_segments_1674764500080.82_warc_CC-MAIN-20230204012622-20230204042622-00695.warc.gz\"}"} |
https://smartpy.dev/docs/manual/syntax/integers-and-mutez | [
"# Integers and mutez \n\nSmartPy has several types for integers: `sp.nat` for non-negative integers, `sp.int` for (all) integers, and `sp.mutez` for non-negative amounts of micro-Tez, the token of the Tezos blockchain.\n\n## `sp.int` and `sp.nat`\n\nA literal integer such as `2` is either of type `sp.nat` or `sp.int`, depending on how it is used. In order to be explicit about the type, you can simply write `sp.nat(2)` or `sp.int(2)`.\n\n### Basic arithmetic \n\nThe operators `+`, `-`, `*` and `/` perform addition, subtraction, multiplication, and division, respectively. They are homogeneous, meaning that both arguments must be of the same type (either both `sp.nat` or both `sp.int`).\n\nThe type of the result is the same as the arguments, except for `-`, which always returns an `sp.int`.\n\nExamples:\n\nsmartpy\n``````assert sp.nat(2) + sp.nat(3) == sp.nat(5)\nassert sp.int(2) + sp.int(3) == sp.int(5)\nassert sp.nat(2) - sp.nat(3) == sp.int(-1)\nassert sp.int(2) - sp.int(3) == sp.int(-1)\n``````\n\nThe unary negation operator `-` can take either `sp.nat` or `sp.int` and always returns an `sp.int`. For example, `- sp.nat(2) == sp.int(-2)`.\n\nMixing different types yields an error: for example `sp.nat(2) + sp.int(3)` is invalid. For heterogeneous arguments there are `sp.add`, `sp.sub`, `sp.mul`.\n\nExample:\n\nsmartpy\n``````a = sp.nat(2)\nb = sp.int(3)\n``````\n\n### Division \n\n`sp.ediv` performs Euclidean division. If both of its arguments are of type `sp.nat`, its result type is `sp.option[sp.pair[sp.nat, sp.nat]]`, otherwise `sp.option[sp.pair[sp.int, sp.nat]]`.\n\nThe option catches division by zero: `sp.ediv(a, 0) == None`. If `b != 0`, then `sp.ediv(a, b) = sp.Some(q, r)` where `q` (the quotient) and `r` (the remainder) are the unique integers such that `a == q * b + r` and both `0 <= r` and `r < b`.\n\nExample:\n\nsmartpy\n``````assert sp.ediv( 14, 3) == sp.Some(( 4, 2)) # 14 == 4 * 3 + 2\nassert sp.ediv(-14, 3) == sp.Some((-5, 1)) # -14 == -5 * 3 + 1\nassert sp.ediv( 14,-3) == sp.Some((-4, 2)) # 14 == -4 * -3 + 2\nassert sp.ediv(-14,-3) == sp.Some(( 5, 1)) # -14 == 5 * -3 + 1\n``````\n\nIf `a` and `b` are of the same type quotient and remainder can be obtained as `a / b` and `sp.mod(a, b)`, respectively. In both cases a `Division_by_zero` error is raised if `b == 0`.\n\nWARNING\n\nFor negative denominators the result of division differs between SmartPy and Python. SmartPy follows the Michelson semantics, whereas Python rounds the quotient towards negative infinity (yielding negative remainders!). To avoid confusion between the two, the SmartPy syntax uses `/` and `sp.mod` instead of `//` and `%`.\n\n### Comparison \n\nTwo integers of the same type (either `sp.nat` or `sp.int`) can be compared with the operators `==`, `!=`, `<`, `<=`, `>`, `>=`. The result is of type `sp.bool`. For example, `2 == 3` is `False`.\n\n### From `sp.nat` to `sp.int`\n\nTo convert from `sp.nat` to `sp.int`, there is `sp.to_int`. For example `sp.to_int(sp.nat(2)) == sp.to_int(2)`, or (thanks to type inference) `sp.to_int(2) == 2`.\n\n### From `sp.int` to `sp.nat`\n\n`sp.is_nat` takes an `sp.int` and returns a value of type `sp.option[sp.nat]`. If `a >= 0`, then `sp.is_nat(a) == sp.Some(b)`, where `b` is the unique `sp.nat` such that `sp.to_int(b) == a` (i.e. `a` and `b` represent the same integer). If `a < 0`, then `sp.is_nat(a) == None`. For example:\n\nsmartpy\n``````assert sp.is_nat( 2) == sp.Some(2)\nassert sp.is_nat(-2) == None\n``````\n\n`sp.as_nat` performs the same conversion, but instead of returning an option raises an error on negative numbers. Thus `sp.as_nat(2) == 2`, whereas `sp.as_nat(-2)` yields an error.\n\n### Bitwise arithmetic \n\nBitwise and and or operations are available as `|` and `&` on `sp.nat`:\n\nsmartpy\n``````assert 42 & 1 == 0\nassert 42 | 1 == 43\n``````\n\n## Token amounts \n\nMicro-Tez amounts are always prefixed by `sp.mutez`, so e.g. `sp.mutez(42)` denotes 42 micro-Tez, e.g. `0.000042` Tez. This expression is of type `sp.mutez`.\n\n`sp.tez(a)` is equivalent to `sp.mutez(a * 1_000_000)`.\n\nAddition and subtraction on `sp.mutez` can be performed with `+` and `-`. If subtraction were to yield a negative value, an error is raised instead. Thus `sp.mutez(5) - sp.mutez(2) == sp.mutez(3)`, whereas `sp.mutez(5) - sp.mutez(10)` yields an error.\n\nsmartpy\n``````sp.split_tokens(amount: sp.mutez, quantity: sp.nat, division: sp.nat)\n-> sp.mutez\n``````\n\nFor combined multiplication and division on `sp.mutez` values there is `sp.split_tokens(a, b, c)`, which calculates the value \"`a * b / c`\".\n\nThis enables the computation of mutez percentages, for example:\n\nsmartpy\n``````sp.split_tokens(sp.mutez(200), 5, 100) == sp.mutez(10) # 5% of 200 mutez\n``````"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.63034016,"math_prob":0.9861737,"size":4261,"snap":"2023-14-2023-23","text_gpt3_token_len":1379,"char_repetition_ratio":0.14869626,"word_repetition_ratio":0.0028328612,"special_character_ratio":0.3264492,"punctuation_ratio":0.22447014,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9972961,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-03-23T02:21:56Z\",\"WARC-Record-ID\":\"<urn:uuid:51c1be19-88cc-4c54-92d1-15e9d045e745>\",\"Content-Length\":\"131410\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:7edba96e-b116-4475-8837-765f823d7450>\",\"WARC-Concurrent-To\":\"<urn:uuid:669bd929-d369-4217-836c-146b8d1a0a80>\",\"WARC-IP-Address\":\"104.26.0.198\",\"WARC-Target-URI\":\"https://smartpy.dev/docs/manual/syntax/integers-and-mutez\",\"WARC-Payload-Digest\":\"sha1:7WQ3VB3FWSE4OOD3ZHKAK7VIG3T3WAYU\",\"WARC-Block-Digest\":\"sha1:UEHQ3NX5B7QW24GN7KGSC3CS7JQA5PIE\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-14/CC-MAIN-2023-14_segments_1679296944606.5_warc_CC-MAIN-20230323003026-20230323033026-00132.warc.gz\"}"} |
https://bookdown.org/ltupper/340f21_notes/an-optional-historical-side-note-gosset-and-the-t.html | [
"## 4.9 An optional historical side-note: Gosset and the t\n\nWilliam Sealy Gosset was the quality control chemist and mathematician for the Guinness company – which brewed beer, but also did a bunch of agriculture – in the early 1900’s. So what did that have to do with all this distribution theory?\n\nWell, Gosset worked on quality control, of the product and the ingredients that went into it. As a QC person, he spent a lot of time measuring various quantities – checking the chemical characteristics of barley, that kind of thing. He noticed that when he created confidence intervals using the normal distribution,\n\n$\\bar{y} \\pm z^* \\frac{s}{\\sqrt{n}}$\n\nthe confidence intervals were too narrow: he was sending back too many samples as abnormal (the old “false positive” problem). So he did some simulations with data whose mean and SD he knew. (Please note that this was before computers: he did his simulations by writing values on three thousand pieces of cardboard and manually shuffling them until they were in random order. Don’t you feel better about the tidyverse now.) He divided his data into many small groups of size 4, then calculated the mean and SD of each little sample. Then he found the “z-score” of each group mean, but pretended he didn’t know $$\\sigma$$ and used the group’s $$s$$ instead: $z = \\frac{\\bar{y} - \\mu}{s/\\sqrt{4}}$\n\nWhen he did a histogram of these purported z-scores, it turned out that the “tails” were way too long for a normal distribution (such a distribution is sometimes called heavy-tailed). Why would that happen?\n\nWell, as we’ve seen, $$s$$ is often smaller than the true $$\\sigma$$. This makes $$z$$ too big. And because these little samples were so small, $$s$$ and therefore $$z$$ were often way off. The effect would be less pronounced with larger samples, since $$s$$ would be more reliable and a better estimate of $$\\sigma$$.\n\nGosset figured out what the right distribution actually was, but Guinness wouldn’t let him publish his work under his own name for… reasons. (Some say they were afraid of revealing trade secrets.) So he published it under a pseudonym: Student.\n\nSee this surprisingly entertaining article: https://www.jstor.org/stable/2683142.\n\nAs a side note to the side note, Gosset had an extended correspondence with a couple of other pro statisticians about this. In one letter to them, he wrote (about reading other people’s mathematical writing): “It’s not so much the mathematics. I can often say ‘Well, of course, that’s beyond me, but we’ll take it as correct’ but when I come to ‘Evidently’ I know that means two hours hard work at least before I can see why.”\n\nSome things never change."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.97533154,"math_prob":0.95890653,"size":2654,"snap":"2023-40-2023-50","text_gpt3_token_len":611,"char_repetition_ratio":0.086792454,"word_repetition_ratio":0.0,"special_character_ratio":0.23737754,"punctuation_ratio":0.1023166,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9585466,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-11-29T21:05:28Z\",\"WARC-Record-ID\":\"<urn:uuid:e6d7eab9-72c2-4b66-95b5-85f73bbb12dc>\",\"Content-Length\":\"66308\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:7719f06a-7bbc-461d-b7b9-44f97a1983e2>\",\"WARC-Concurrent-To\":\"<urn:uuid:dcd92abb-f7cc-4698-9b65-a3e3885bf58b>\",\"WARC-IP-Address\":\"34.198.117.108\",\"WARC-Target-URI\":\"https://bookdown.org/ltupper/340f21_notes/an-optional-historical-side-note-gosset-and-the-t.html\",\"WARC-Payload-Digest\":\"sha1:BXBE7RTUPVDOYQ3TMVOOCYDV32K7VKOJ\",\"WARC-Block-Digest\":\"sha1:NVFWI55EPCFSEOP7AU2PEDR5SN54MKII\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-50/CC-MAIN-2023-50_segments_1700679100146.5_warc_CC-MAIN-20231129204528-20231129234528-00358.warc.gz\"}"} |
http://itur.info/elapsed-time-worksheets-3rd-grade/ | [
"# Elapsed Time Worksheets 3rd Grade\n\ntelling time worksheets grade free printable elapsed 3rd.\n\ntelling time worksheets grade free printable on elapsed for third.\n\ntelling time worksheets grade elapsed 3rd free.\n\nprintable time worksheets grade 3 elapsed 3rd pdf.\n\nanalog elapsed time worksheets 3rd grade easy.\n\neasy elapsed time worksheets free printable 3rd grade.\n\nelapsed time third grade worksheets within the hour 3rd.\n\nelapsed time third grade worksheets 3rd free.\n\nelapsed time worksheets grade math teaching squared 3rd easy.\n\ntelling time worksheets free first grade printable for graders 2 elapsed within the hour 3rd.\n\nelapsed time worksheets math 3rd grade number line.\n\ntime worksheets grade 3 math elapsed 3rd easy.\n\nthird grade time worksheets math elapsed 3rd.\n\nelapsed time worksheets grade within the hour 3rd.\n\nelapsed time worksheets grade worksheet telling 3rd easy.\n\ntelling time worksheets for grade elapsed 3rd easy.\n\nclocks worksheets time worksheet grade 3 telling the in half hour elapsed within 3rd.\n\ngrade 2 math time worksheets free printable elapsed 3rd.\n\ntell grade telling time worksheet eureka math free printable worksheets on elapsed for third.\n\nsecond grade telling time worksheets free printable clock for elapsed within the hour 3rd.\n\nelapsed time worksheets 3rd grade word problems.\n\nelapsed time worksheets free printable 3rd grade.\n\nfirst grade time worksheets printable math elapsed 3rd word problems.\n\ngrade time worksheets elapsed 3rd word problems.\n\nanalog elapsed time start from quarter hours worksheets 3rd grade word problems.\n\ntelling time worksheets grade 3 elapsed 3rd number line.\n\nprintable time worksheets grade 3 free on elapsed for third.\n\nmath elapsed time worksheets with clocks 3rd grade free.\n\nelapsed time worksheets grade math 3rd.\n\nelapsed time word problems grade worksheets 3rd number line.\n\nelapsed time worksheets math with clocks grade printable free for 3rd.\n\ntelling time worksheets grade 3 hour elapsed to the clock half 3rd easy.\n\nfree printable time worksheets elapsed 3rd grade."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.7877494,"math_prob":0.7913542,"size":2069,"snap":"2019-43-2019-47","text_gpt3_token_len":433,"char_repetition_ratio":0.35690072,"word_repetition_ratio":0.15806451,"special_character_ratio":0.18656355,"punctuation_ratio":0.09770115,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9848009,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2019-11-19T23:39:42Z\",\"WARC-Record-ID\":\"<urn:uuid:b6c33ca3-bd01-4ef2-b13d-c146db60b0e9>\",\"Content-Length\":\"36614\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:1b3e353b-13fa-42b6-8bcc-3a23eb7d8b7a>\",\"WARC-Concurrent-To\":\"<urn:uuid:fc9d701b-98cd-405c-bfff-1ec2b8b308e7>\",\"WARC-IP-Address\":\"104.28.5.77\",\"WARC-Target-URI\":\"http://itur.info/elapsed-time-worksheets-3rd-grade/\",\"WARC-Payload-Digest\":\"sha1:LBRDQ6BVKYCXRUQ7BKK2M7S5JQDEAHDN\",\"WARC-Block-Digest\":\"sha1:4PXGXIBTAZVEZ7JZDTWBTFOSYXHIJSLR\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2019/CC-MAIN-2019-47/CC-MAIN-2019-47_segments_1573496670268.0_warc_CC-MAIN-20191119222644-20191120010644-00357.warc.gz\"}"} |
https://www.physicsforums.com/threads/gyromagnetic-ratio.90678/ | [
"# Gyromagnetic ratio\n\nHomework Helper\nGold Member\n\n## Main Question or Discussion Point\n\nHi,\n\nThe gyromagnetic ratio is the ratio of the magnetic dipole moment to the angular momentum.\n\nI really don't get how the fact that the gyromagnetic ratio of a rotating circular loop of mass M and charge Q is g = Q/2M implies that the gyromagnetic ratio of a uniform rotating spere is also g = Q/2M!\n\nRelated Classical Physics News on Phys.org\nTide\nHomework Helper\nPoints to ponder:\n\n(a) Does the gyromagnetic ratio of the rotating loop depend on the size of the loop?\n\n(b) Can you determine the dipole moment of a rotating spherically symmetric charge distribution by summing over loops?\n\nHomework Helper\nGold Member\nTide said:\nPoints to ponder:\n\n(a) Does the gyromagnetic ratio of the rotating loop depend on the size of the loop?\nNo.\n\nTide said:\n(b) Can you determine the dipole moment of a rotating spherically symmetric charge distribution by summing over loops?\nThis is exactly what's throwing me off! In principle, since the sphere could be considered as an infinity of circular loops of different sizes, its dipole moment is the sum of all those. But since the sphere is uniform, the ratio of its mass to its charge is the same at every point of it. Hence, the dipole moment of each loops is the same at Q/2M, making the total dipole of the sphere infinite!\n\nDr Transport\nGold Member\nThe dipole moment for a charged rotating sphere is a problem in Griffths, Wangsness and Jackson amongst other texts. It is not infinite, look in some these texts to get an idea on how to calculate it. I think that the easiest manner to go about it is to start with the vector potential for a rotating sphere and go on from there.\n\nHomework Helper\nGold Member\nGriffiths says:\n\nDavid J. said:\nWhat is the gyromagnetic ratio for a uniform spinnin sphere? [This requires no new calculation; simply decompose the sphere into infinitesimal rings, and apply the result of part (a)\nThe result of part (a) was of course that g = Q/2M for a ring.\n\nSo he seems to be saying that just by reasoning, we can determine that it is the same. I exposed my reasoning to you; what is flawed in it?\n\nHomework Helper\nGold Member\nI did it by integration.\n\nDoes anyone know what is the argument that allows one to conclude that the gyromagnetic ratio of any solid of revolution is Q/2M ?\n\nTide\nHomework Helper\nYou should have gotten a clue from the work you did for the sphere. The integrals for the magnetic moment and angular momentum cancel when you form the ratio! :)\n\nGokul43201\nStaff Emeritus\nGold Member\nquasar987 said:\nNo.\n\nThis is exactly what's throwing me off! .... Hence, the dipole moment of each loops is the same at Q/2M, making the total dipole of the sphere infinite!\nNo, each loop only has some infinitesimal charge dQ and infinitesimal mass dM.\n\nHomework Helper\nGold Member\nGokul43201 said:\nNo, each loop only has some infinitesimal charge dQ and infinitesimal mass dM.\nSure but I'm convinced that nevertheless, their ratio is the same:\n\n$$\\frac{dQ}{dM} = \\frac{dQ/dV}{dM/dV} = \\frac{\\rho_q}{\\rho_m} = \\frac{Q}{M}$$\n\nHomework Helper\nGold Member\nTide said:\nYou should have gotten a clue from the work you did for the sphere. The integrals for the magnetic moment and angular momentum cancel when you form the ratio! :)\nFor the sphere ok. But that seemed almost like magic you know. There are all these constant that come in from integration and they end up being 1/2 at the end. How do I know it wasn't a big coincidence and that for another random revolution figure, it will be different?\n\nEdit: Ok, now I see it from the integral, by generalizing to an arbitrary volume of revolution, that it will always give Q/2M. Thanks for the hint Tide.\n\nLast edited:\nTide"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.89799047,"math_prob":0.9548465,"size":706,"snap":"2019-51-2020-05","text_gpt3_token_len":183,"char_repetition_ratio":0.18518518,"word_repetition_ratio":0.8,"special_character_ratio":0.23937677,"punctuation_ratio":0.044444446,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9909166,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-01-21T05:29:40Z\",\"WARC-Record-ID\":\"<urn:uuid:c145feeb-1f34-432a-9a4d-513bd37cd65b>\",\"Content-Length\":\"106350\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:ec0cc854-415d-4499-866b-a25a3198c6b3>\",\"WARC-Concurrent-To\":\"<urn:uuid:420f60eb-427a-4b50-9852-e3c74a7657c7>\",\"WARC-IP-Address\":\"23.111.143.85\",\"WARC-Target-URI\":\"https://www.physicsforums.com/threads/gyromagnetic-ratio.90678/\",\"WARC-Payload-Digest\":\"sha1:VMM2TUB627P6B65CXOSKH2XZTBBH35IG\",\"WARC-Block-Digest\":\"sha1:OLSTK5O3NCD2KKA6GYCASCNAJZXQUGQU\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-05/CC-MAIN-2020-05_segments_1579250601615.66_warc_CC-MAIN-20200121044233-20200121073233-00380.warc.gz\"}"} |
https://waseda.pure.elsevier.com/en/publications/impossibility-of-weak-convergence-of-kernel-density-estimators-to | [
"# Impossibility of weak convergence of kernel density estimators to a non-degenerate law in L2(ℝd)\n\nResearch output: Contribution to journalArticle\n\n3 Citations (Scopus)\n\n### Abstract\n\nIt is well known that the kernel estimator, for the probability density f on ℝd has pointwise asymptotic normality and that its weak convergence in a function space, especially with the uniform topology, is a difficult problem. One may conjecture that the weak convergence in L2(ℝd) could be possible. In this paper, we deny this conjecture. That is, letting, we prove that for any sequence {rn} of positive constants such that rn = o(√n), if the rescaled residual, converges weakly to a Borel limit in L2(ℝd), then the limit is necessarily degenerate.\n\nOriginal language English 129-135 7 Journal of Nonparametric Statistics 23 1 https://doi.org/10.1080/10485251003678507 Published - 2011 Mar Yes\n\n### Fingerprint\n\nKernel Density Estimator\nWeak Convergence\nKernel Estimator\nProbability Density\nAsymptotic Normality\nFunction Space\nTopology\nConverge\nEstimator\nKernel density\nWeak convergence\nImpossibility\nKernel estimator\nAsymptotic normality\n\n### Keywords\n\n• Kernel estimator\n• Weak convergence in L Space\n\n### ASJC Scopus subject areas\n\n• Statistics and Probability\n• Statistics, Probability and Uncertainty\n\n### Cite this\n\nIn: Journal of Nonparametric Statistics, Vol. 23, No. 1, 03.2011, p. 129-135.\n\nResearch output: Contribution to journalArticle\n\n@article{23de33109ef644f38caafeb4e1f0e25c,\ntitle = \"Impossibility of weak convergence of kernel density estimators to a non-degenerate law in L2(ℝd)\",\nabstract = \"It is well known that the kernel estimator, for the probability density f on ℝd has pointwise asymptotic normality and that its weak convergence in a function space, especially with the uniform topology, is a difficult problem. One may conjecture that the weak convergence in L2(ℝd) could be possible. In this paper, we deny this conjecture. That is, letting, we prove that for any sequence {rn} of positive constants such that rn = o(√n), if the rescaled residual, converges weakly to a Borel limit in L2(ℝd), then the limit is necessarily degenerate.\",\nkeywords = \"Kernel estimator, Weak convergence in L Space\",\nauthor = \"Yoichi Nishiyama\",\nyear = \"2011\",\nmonth = \"3\",\ndoi = \"10.1080/10485251003678507\",\nlanguage = \"English\",\nvolume = \"23\",\npages = \"129--135\",\njournal = \"Journal of Nonparametric Statistics\",\nissn = \"1048-5252\",\npublisher = \"Taylor and Francis Ltd.\",\nnumber = \"1\",\n\n}\n\nTY - JOUR\n\nT1 - Impossibility of weak convergence of kernel density estimators to a non-degenerate law in L2(ℝd)\n\nAU - Nishiyama, Yoichi\n\nPY - 2011/3\n\nY1 - 2011/3\n\nN2 - It is well known that the kernel estimator, for the probability density f on ℝd has pointwise asymptotic normality and that its weak convergence in a function space, especially with the uniform topology, is a difficult problem. One may conjecture that the weak convergence in L2(ℝd) could be possible. In this paper, we deny this conjecture. That is, letting, we prove that for any sequence {rn} of positive constants such that rn = o(√n), if the rescaled residual, converges weakly to a Borel limit in L2(ℝd), then the limit is necessarily degenerate.\n\nAB - It is well known that the kernel estimator, for the probability density f on ℝd has pointwise asymptotic normality and that its weak convergence in a function space, especially with the uniform topology, is a difficult problem. One may conjecture that the weak convergence in L2(ℝd) could be possible. In this paper, we deny this conjecture. That is, letting, we prove that for any sequence {rn} of positive constants such that rn = o(√n), if the rescaled residual, converges weakly to a Borel limit in L2(ℝd), then the limit is necessarily degenerate.\n\nKW - Kernel estimator\n\nKW - Weak convergence in L Space\n\nUR - http://www.scopus.com/inward/record.url?scp=79952460890&partnerID=8YFLogxK\n\nUR - http://www.scopus.com/inward/citedby.url?scp=79952460890&partnerID=8YFLogxK\n\nU2 - 10.1080/10485251003678507\n\nDO - 10.1080/10485251003678507\n\nM3 - Article\n\nAN - SCOPUS:79952460890\n\nVL - 23\n\nSP - 129\n\nEP - 135\n\nJO - Journal of Nonparametric Statistics\n\nJF - Journal of Nonparametric Statistics\n\nSN - 1048-5252\n\nIS - 1\n\nER -"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8051411,"math_prob":0.93796563,"size":2936,"snap":"2019-51-2020-05","text_gpt3_token_len":816,"char_repetition_ratio":0.11732606,"word_repetition_ratio":0.63596493,"special_character_ratio":0.26737058,"punctuation_ratio":0.12592593,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9823167,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-01-24T06:44:50Z\",\"WARC-Record-ID\":\"<urn:uuid:c4112c13-e771-4ee0-a232-882df90ceae6>\",\"Content-Length\":\"38278\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:19614d01-1dc7-4e36-829f-c98187b7fa0c>\",\"WARC-Concurrent-To\":\"<urn:uuid:f6b3da27-f175-4f57-830d-689c214024a7>\",\"WARC-IP-Address\":\"52.220.215.79\",\"WARC-Target-URI\":\"https://waseda.pure.elsevier.com/en/publications/impossibility-of-weak-convergence-of-kernel-density-estimators-to\",\"WARC-Payload-Digest\":\"sha1:UH5OXHFXF4GX2MKOWT6HS6JQVYJ7X5U2\",\"WARC-Block-Digest\":\"sha1:VHWURTRGWY3YZIXTGSV5RRT3RF7QOEGS\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-05/CC-MAIN-2020-05_segments_1579250615407.46_warc_CC-MAIN-20200124040939-20200124065939-00185.warc.gz\"}"} |
http://narrabio.com/ebooks/advanced-visual-quantum-mechanics | [
"# Download Advanced visual quantum mechanics by Bernd Thaller PDF",
null,
"By Bernd Thaller\n\nVisual Quantum Mechanics is a scientific attempt to enquire and to coach quantum mechanics simply by computer-generated animations. even though it is self-contained, this e-book is a part of a two-volume set on visible Quantum Mechanics. the 1st booklet seemed in 2000, and earned the eu educational software program Award in 2001 for oustanding innovation in its box. whereas themes in publication One quite often involved quantum mechanics in a single- and two-dimensions, e-book units out to give third-dimensional structures, the hydrogen atom, debris with spin, and relativistic particles. It additionally includes a uncomplicated path on quantum info conception, introducing issues like quantum teleportation, the EPR paradox, and quantum desktops. jointly the 2 volumes represent an entire direction in quantum mechanics that areas an emphasis on rules and ideas, with a good to average quantity of mathematical rigor. The reader is anticipated to be conversant in calculus and common linear algebra. to any extent further mathematical suggestions can be illustrated within the textual content.\n\nTh CD-ROM encompasses a huge variety of Quick-Time video clips provided in a multimedia-like setting. the films illustrate and upload colour to the text, and let the reader to view time-dependent examples with a degree of interactivity. The point-and-click interface isn't any tougher than utilizing the web.\n\nRead or Download Advanced visual quantum mechanics PDF\n\nBest quantum physics books\n\nPath integrals and their applications in quantum, statistical, and solid state physics\n\nThe complicated research Institute on \"Path Integrals and Their functions in Quantum, Statistical, and reliable kingdom Physics\" used to be held on the college of Antwerpen (R. U. C. A. ), July 17-30, 1977. The Institute used to be subsidized by means of NATO. Co-sponsors have been: A. C. E. C. (Belgium), Agfa-Gevaert (Belgium), l'Air Li uide BeIge (Belgium), Be1gonucleaire (Belgium), Bell cell Mfg.\n\nQuantum theory and measurement\n\nThe forty-nine papers gathered the following remove darkness from the that means of quantum thought because it is disclosed within the size procedure. including an advent and a supplemental annotated bibliography, they speak about matters that make quantum idea, overarching precept of twentieth-century physics, seem to many to prefigure a brand new revolution in technology.\n\nQuantum statistical mechanics and Lie group harmonic analysis\n\nHarm N. , Hermann R. Quantum statistical mechanics and lie staff harmonic research (Math Sci Press, 1980)(ISBN 0915692309)(260s)\n\nExtra info for Advanced visual quantum mechanics\n\nSample text\n\n156) where Jν and Nν are the Bessel function and Neumann functions of order ν. ˆ is singular for > 0. 15 allows investigation of the dependence on . 2. Special Topic: Properties of the Riccati-Bessel functions The real-valued functions jˆ (z) and n ˆ (z) are for z > 0 solutions of the equation − ( + 1) d2 y(z) + y(z) − y(z) = 0. 158) 46 1. 159) jˆ (z) = −(−z) +1 jˆ0 (z) , z dz z 1 d 1 n ˆ 0 (z) . 160) z dz z Their limiting behavior for small z is given by 2 ! 161) (2 + 1)! (2 )! 162) z 1 + O(z 2 ) , as z → 0.\n\nDuring one period, the trajectory goes twice through ϑ, hence we multiply the time by 2 to obtain the total time spent in dϑ during one period. The time needed to complete a period is T = 2π/L. Hence, the probability of finding the particle in dϑ is L dt(ϑ) L 2 dt(ϑ) = dϑ. 134) 2π π dϑ Hence, one needs to invert the function ϑ(t) and differentiate with respect to ϑ. It is sufficient to invert the function ϑ(t) on a part of the time interval during which the trajectory goes through the point ϑ under consideration.\n\nIn a classical picture, the angular momentum vector (if measured with respect to a certain direction) thus lies on certain cones. Eigenvalues of the orbital angular momentum: The eigenvalues of the operator L2 are precisely the numbers 2 ( + 1), where is a non-negative integer. For each , the operator L3 has the eigenvalues m, where m = − , − + 1, . . , . 7. In quantum mechanics, this picture should not be taken seriously because the same result would be obtained for the possible values of L1 and L2 (or the component of L in an arbitrary direction).\n\nDownload PDF sample\n\nRated 4.44 of 5 – based on 29 votes"
] | [
null,
"https://images-na.ssl-images-amazon.com/images/I/41OWXLJedRL._SX332_BO1,204,203,200_.jpg",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8668677,"math_prob":0.9290829,"size":4596,"snap":"2021-21-2021-25","text_gpt3_token_len":1124,"char_repetition_ratio":0.1119338,"word_repetition_ratio":0.0026075619,"special_character_ratio":0.23781548,"punctuation_ratio":0.114716105,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.96925366,"pos_list":[0,1,2],"im_url_duplicate_count":[null,5,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-06-22T14:34:10Z\",\"WARC-Record-ID\":\"<urn:uuid:bd659226-86dc-4c4d-97ed-b680955da63f>\",\"Content-Length\":\"32187\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:6e8b3bdd-d98b-409f-b4c0-c032a1557549>\",\"WARC-Concurrent-To\":\"<urn:uuid:f1cde7e8-70cd-443e-a41c-2cc92b277db6>\",\"WARC-IP-Address\":\"173.201.92.128\",\"WARC-Target-URI\":\"http://narrabio.com/ebooks/advanced-visual-quantum-mechanics\",\"WARC-Payload-Digest\":\"sha1:UN62PUCPM63PBR73KWSSUMEQE6VY67FO\",\"WARC-Block-Digest\":\"sha1:7T5F65HYEBTGDD46Z4RZI2V56SC6MHG6\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-25/CC-MAIN-2021-25_segments_1623488517820.68_warc_CC-MAIN-20210622124548-20210622154548-00066.warc.gz\"}"} |
https://www.vocal.com/noise-reduction/a-basic-voice-activity-detection-vad/ | [
"The voice activity detection (VAD) is a sensitive component in spectrum subtraction. Its performance can dramatically influence the noise reduction level and the speech distortion severity.\n\nThe power spectrum of a speech segment has several characteristics that can be used to decide on the presence or absence of speech. The commonly used measures include short-time averaged energy, zero-crossing rate, and linear prediction coefficients etc.\n\nFigure 1 shows a basic VAD system. It has three main components. Feature extraction unit analyzes and calculates a set of decision metrics, feature vectors, to be used for VAD threshold computation and VAD decision making. Various implementations may use application specific definitions of feature vectors.\n\nEnergy based approaches are the most often used due to their simplicity. The design rationale is that speech bursts have higher transient power than the background noise. A long-term energy averaging can be used to measure the background noise level while a short-term averaging can be used to measure the transient speech power. If the short time averaging is higher than the long time averaging by a certain threshold, VAD declares speech presence. The decision mechanism may be implemented by the following logic,",
null,
"$VAD\\ =\\ 1,ifEs>El0, otherwise$\n\nwhere",
null,
"$E_s$ and",
null,
"$E_l$ are the short- and long-term energy values. They can be calculated frame by frame in time domain.",
null,
"$E_s=\\frac{1}{N}\\sum_{t\\ =\\ 1}^{N}{x^2\\left(t\\right)}$\n\nwhere N is the frame length.\n\nThe long term can be obtained from a frame by frame moving average with an adjustable decay parameter as below,",
null,
"$E_l=\\left(1-\\gamma\\right)E_s+\\gamma\\ E_l^{OLD}$\n\nwhere",
null,
"$E_l^{OLD}$ is from previous frame and",
null,
"$\\gamma$ is the decay parameter.\n\nThe performance of the VAD can obviously be improved if a feedback approach is adopted to evaluate the long term energy smoothing."
] | [
null,
"https://s0.wp.com/latex.php",
null,
"https://s0.wp.com/latex.php",
null,
"https://s0.wp.com/latex.php",
null,
"https://s0.wp.com/latex.php",
null,
"https://s0.wp.com/latex.php",
null,
"https://s0.wp.com/latex.php",
null,
"https://s0.wp.com/latex.php",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9234314,"math_prob":0.99000925,"size":1706,"snap":"2020-34-2020-40","text_gpt3_token_len":310,"char_repetition_ratio":0.113396004,"word_repetition_ratio":0.02255639,"special_character_ratio":0.17702228,"punctuation_ratio":0.080267556,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99319077,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14],"im_url_duplicate_count":[null,null,null,null,null,null,null,null,null,null,null,null,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-09-29T11:44:43Z\",\"WARC-Record-ID\":\"<urn:uuid:05586406-215d-44c2-a9f1-f08b3eb260b4>\",\"Content-Length\":\"93161\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:a0994e3f-5ae3-4af0-86cb-c0299df35989>\",\"WARC-Concurrent-To\":\"<urn:uuid:f6936171-c870-4ce2-afcd-5610226ec8cc>\",\"WARC-IP-Address\":\"72.236.255.161\",\"WARC-Target-URI\":\"https://www.vocal.com/noise-reduction/a-basic-voice-activity-detection-vad/\",\"WARC-Payload-Digest\":\"sha1:2XMEKBFVB3SPU66E3IP6NCUJRQDXLOMA\",\"WARC-Block-Digest\":\"sha1:JYZR7BVMJLRS3ATDN4J6KY4PJMHKBPMG\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-40/CC-MAIN-2020-40_segments_1600401641638.83_warc_CC-MAIN-20200929091913-20200929121913-00665.warc.gz\"}"} |
http://www.51wenwen.com/question-12353.html | [
"",
null,
"",
null,
"分享\n\n1个回答\n\n• 热门排序\n• 时间排序\n\n0个人赞同了Ta的回答",
null,
"0",
null,
"评论0\n\n• 关注数\n1\n• 浏览数\n109",
null,
"相关问题\n\n8个回答\n\n1个回答\n\n1个回答\n\n• 我邀请的列表\n• 擅长该话题的人\n• 关注该话题的人\n• 我关注的人\n•",
null,
"雙禧\n\n该用户一共参与了0 个回答\n\n邀请回答\n•",
null,
"孟令轩\n\n该用户一共参与了1 个回答\n\n邀请回答\n•",
null,
"戴伟\n\n该用户一共参与了0 个回答\n\n邀请回答\n•",
null,
"问问管家\n\n该用户一共参与了 14 个回答\n\n邀请回答\n•",
null,
"任勇洙\n\n该用户一共参与了 84 个回答\n\n邀请回答\n•",
null,
"Kaiser\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"张朗朗\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"村口小猎人\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"张大东\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"popo\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"陈查理\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"云淡风轻\n\n该用户一共参与了 1 个回答\n\n邀请回答\n•",
null,
"陈晓畅\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"Alives\n\n该用户一共参与了 1 个回答\n\n邀请回答\n•",
null,
"范思瑶\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"王自飞\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"燕子翩然\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"心灵\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"大鱼小鱼\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"Griffin\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"疙瘩\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"小魔全\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"Yuhang\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"dhchen\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"郭昊天\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"九点\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"破破\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"浅忆江南\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"K.zhang\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"Hass\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"安先生\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"许之一\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"王子闻\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"三川\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"蓝狮子\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"习文远\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"李大明\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"tata\n\n该用户一共参与了 1 个回答\n\n邀请回答\n•",
null,
"鸢海\n\n该用户一共参与了 1 个回答\n\n邀请回答\n•",
null,
"edmond\n\n该用户一共参与了 1 个回答\n\n邀请回答\n•",
null,
"唐千千\n\n该用户一共参与了 1 个回答\n\n邀请回答\n•",
null,
"云川\n\n该用户一共参与了 1 个回答\n\n邀请回答\n•",
null,
"KimRin\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"阳光\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"海陵居士\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"风烈\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"木人小\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"者也\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"风之羽\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"王东来\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"锄禾\n\n该用户一共参与了 0 个回答\n\n邀请回答\n•",
null,
"此去经年\n\n该用户一共参与了 6 个回答\n\n邀请回答\n•",
null,
"问问旅行\n\n该用户一共参与了 0 个回答\n\n邀请回答\n\n• 移民\n• 留学\n• 海外投资\n• 新加坡移民\n• 出国旅游\n• 德国投资\n• 新加坡投资\n• 香港投资\n• 泰国投资\n• 塞浦路斯投资\n• 日本投资\n• 马来西亚投资\n• 菲律宾投资\n• 英国投资\n• 荷兰投资\n• 比利时投资\n• 爱尔兰投资\n• 意大利投资\n• 希腊投资\n• 西班牙投资\n• 葡萄牙投资\n• 美国投资\n• 加拿大投资\n• 新西兰投资\n• 斐济投资\n• 澳大利亚投资\n• 瑞典投资\n• 瑞士留学\n• 德国留学\n• 波兰留学\n• 新加坡留学\n• 香港留学\n• 泰国留学\n• 日本留学\n• 马来西亚留学\n• 菲律宾留学\n• 英国留学\n• 荷兰留学\n• 比利时留学\n• 爱尔兰留学\n• 意大利留学\n• 希腊留学\n• 西班牙留学\n• 葡萄牙留学\n• 马耳他留学\n• 美国留学\n• 加拿大留学\n• 新西兰留学\n• 澳大利亚留学\n• 瑞典留学\n• 挪威留学\n• 芬兰留学\n• 匈牙利移民\n• 瑞士移民\n• 德国移民\n• 波兰移民\n• 奥地利移民\n• 香港移民\n• 泰国移民\n• 塞浦路斯移民\n• 日本移民\n• 马来西亚移民\n• 菲律宾移民\n• 英国移民\n• 荷兰移民\n• 比利时移民\n• 爱尔兰移民\n• 意大利移民\n• 希腊移民\n• 西班牙移民\n• 葡萄牙移民\n• 马耳他移民\n• 美国移民\n• 加拿大移民\n• 库拉索移民\n• 圣卢西亚移民\n• 圣基茨移民\n• 格林纳达移民\n• 多米尼加移民\n• 安提瓜移民\n• 立陶宛移民\n• 拉脱维亚移民\n• 保加利亚移民\n• 新西兰移民\n• 瓦努阿图移民\n• 斐济移民\n• 马绍尔移民\n• 澳大利亚移民\n• 瑞典移民\n• 挪威移民\n• 芬兰移民\n• 芬兰旅游\n• 挪威旅游\n• 瑞典旅游\n• 澳大利亚旅游\n• 新西兰旅游\n• 拉脱维亚旅游\n• 加拿大旅游\n• 美国旅游\n• 西班牙旅游\n• 希腊旅游\n• 意大利旅游\n• 爱尔兰旅游\n• 英国旅游\n• 菲律宾旅游\n• 马来西亚旅游\n• 日本旅游\n• 泰国旅游\n• 香港旅游\n• 新加坡旅游\n• 波兰旅游\n• 德国旅游\n• 瑞士旅游\n• 乌克兰留学\n• 法国旅游\n• 俄罗斯留学\n• 智利投资\n• 柬埔寨投资\n• 韩国旅游\n• 埃及旅游\n• 印度旅游\n• 捷克移民\n• 韩国留学\n• 斯里兰卡旅游\n• 法国投资\n• 马尔代夫旅游\n• 台湾旅游\n• 丹麦留学\n• 法国留学\n• 柬埔寨旅游\n• 越南投资\n• 阿联酋投资\n• 越南旅游\n• 冰岛旅游\n• 葡萄牙旅游\n• 摩尔多瓦移民\n• 斯洛文尼亚移民\n• 摩洛哥旅游\n• 捷克旅游\n• 多米尼克移民\n• 韩国移民\n• 朝鲜旅游\n• 迪拜旅游\n• 牙买加旅游\n• 墨西哥旅游\n• 尼泊尔旅游\n• 巴西旅游\n• 秘鲁旅游\n• 瑞士投资\n• 韩国投资\n• 卢森堡留学\n• 比利时旅游\n• 俄罗斯旅游\n• 荷兰旅游\n• 台湾投资\n• 法国移民\n• 丹麦移民\n• 巴拉圭移民\n• 香港城市大学\n• 香港理工大学\n• 香港浸会大学\n• 香港教育大学\n• 香港岭南大学\n• 香港大学\n• 香港科技大学\n• 香港中文大学\n• 新加坡国立大学\n• 新加坡南洋理工大学\n• 新加坡理工大学\n• 新加坡管理大学\n• 新跃社科大学\n• 新加坡科技设计大学\n• 奥尔堡大学\n• 奥胡斯大学\n• 丹麦技术大学\n• 南丹麦大学\n• 阿尔托大学\n• 坦佩雷大学\n• 马耳他大学\n• 卢森堡大学\n• 卢森堡联合商学院\n• 卢森堡国际酒店旅游学院\n• 爱尔兰皇家外科医学院\n• 都柏林圣三一大学\n• 科克大学\n• 慕尼黑工业大学\n• 阿威罗大学\n• 波尔图大学\n• 科英布拉大学\n• 苏黎世大学\n• 里加斯特拉迪什大学\n• 特罗姆瑟大学- 挪威北极圈大学\n• 挪威皇家环境科学与生命科学大学\n• 卡罗林斯卡学院\n• 拉脱维亚留学\n• 奥地利留学\n• 白俄罗斯留学\n• 保加利亚留学\n• 匈牙利留学\n• 塞浦路斯留学\n• 立陶宛留学\n• ISM管理与经济大学\n• 立陶宛健康科学大学\n• 立陶宛体育大学\n• 米科拉斯•罗梅里斯大学\n• 维尔纽斯大学\n• 维尔纽斯格迪米纳斯技术大学\n• 维陶塔斯马格努斯大学\n• 文茨皮尔斯大学学院\n• 约瑟夫惠特尔拉脱维亚音乐学院\n• 运输和电信学院\n• 皇家理工学院\n• 隆德大学\n• 斯德哥尔摩大学\n• 乌普萨拉大学\n• 雷泽克内技术学院\n• 里加工业大学\n• 塞萨洛尼基亚里士多德大学\n• 陶格夫匹尔斯大学\n• 图里巴大学\n• 格拉茨技术大学\n• 维也纳科技大学\n• 白俄罗斯国立大学\n• 白俄罗斯国家农业技术大学\n• 罗兰大学\n• 索菲亚大学\n• 瓦尔纳管理大学\n• 瓦尔纳技术大学\n• 华沙大学\n• 华沙理工大学\n• 波兹南密茨凯维奇大学\n• 雅盖隆大学\n• 克拉科夫AGH科技大学\n• 莱顿大学\n• 阿姆斯特丹大学\n• 瓦赫宁根大学\n• 代尔夫特理工大学\n• 鹿特丹伊拉斯姆斯大学\n• 雅典大学\n• 维也纳大学\n• 拉脱维亚大学\n• BA商学与金融学院\n• 白俄罗斯共和国总统管理学院\n• 佩奇大学\n• 塞格德大学\n• 森梅威斯大学\n• 布达佩斯技术与经济大学\n• 签证\n• 爱尔兰国立都柏林大学\n• 爱尔兰国立高威大学\n• 里斯本大学\n• 新里斯本大学\n• 尼科西亚大学\n• 塞浦路斯大学\n• 塞浦路斯欧洲大学\n• 巴黎综合理工大学\n• 巴黎文理研究大学\n• 洛桑联邦理工大学\n• 苏黎世联邦理工大学\n• 马来亚大学\n• 马来西亚理工大学\n• 马来西亚理科大学\n• 拉曼大学\n• 安特卫普大学\n• 布鲁塞尔自由大学\n• 根特大学\n• 巴塞罗那大学\n• 巴塞罗那自治大学\n• 纳瓦拉大学\n• 比萨高等师范学校\n• 博洛尼亚大学\n• 帕多瓦大学\n• 圣拉斐尔生命健康大学\n• 不列颠哥伦比亚大学\n• 麦吉尔大学\n• 麦克马斯特大学\n• 多伦多大学\n• 澳大利亚国立大学\n• 墨尔本大学\n• 悉尼大学\n• 蒙纳士大学\n• 新南威尔士大学\n• 奥克兰大学\n• 奥克兰理工大学\n• 奥塔哥大学\n• 怀卡托大学\n• 坎特伯雷大学\n• VIA大学学院\n• 北丹麦大学学院\n• 哥本哈根大学学院\n• 哥本哈根大学\n• 哥本哈根信息技术大学\n• 小贝尔特大学学院\n• 哥本哈根商学院\n• 罗斯基勒大学\n• 护照\n• 土耳其护照\n• 艾尔塔申达勒大学学院\n• 贝克曼斯设计学院\n• 布京理工学院\n• 布罗斯大学\n• 查尔姆斯理工大学\n• 达拉纳大学\n• 厄勒布鲁大学\n• 甘默尔克罗帕林业学院\n• 哥德堡大学\n• 哥特兰大学院\n• 国立艺术与设计大学学院\n• 哈勒姆斯塔德大学\n• 红十字护理大学学院\n• 卡尔斯塔德大学\n• 林奈大学\n• 林雪平大学\n• 吕勒奥理工大学\n• 马尔默大学\n• 马拉达伦大学\n• 于默奥大学\n• 耶夫勒大学\n• 延雪平大学\n• 索菲亚赫美大学\n• 索德脱恩大学\n• 斯德哥尔摩经济学院\n• 世界海事大学\n• 舍夫德大学\n• 瑞典音乐教育大学学院\n• 瑞典西部大学\n• 瑞典体育学院\n• 瑞典农业科学大学\n• 瑞典皇家音乐学院\n• 瑞典皇家美术学院\n• 瑞典国防大学\n• 克里斯蒂安斯塔德大学\n• 中瑞典大学\n• 塞浦路斯理工大学\n• 弗雷德里克大学\n• 那波勒斯大学\n• 塞浦路斯分子医学学院\n• 中央兰开夏大学塞浦路斯分校\n• 马耳他旅游学院\n• 斯洛文尼亚留学\n• 卢布尔雅那大学\n• 马里博尔大学\n• 诺瓦戈里奇大学\n• 普利莫斯卡大学\n• 以色列留学\n• 希伯来大学\n• 特拉维夫大学\n• 以色列理工学院\n• 内盖夫本-古里安大学\n• 威兹曼科学院\n• 巴伊兰大学\n• 以色列赫兹利亚跨学科研究中心\n• 耶路撒冷音乐和舞蹈学院\n• 牙买加留学\n• 摩纳哥留学\n• 西印度大学\n• 牙买加理工大学\n• 加勒比海事大学\n• 摩纳哥国际大学\n• 格拉茨大学\n• 因斯布鲁克大学\n• 维也纳医科大学\n• 格拉茨医科大学\n• 因斯布鲁克医科大学\n• 萨尔茨堡大学\n• 莱奥本矿业大学\n• 维也纳农业大学\n• 维也纳兽医大学\n• 维也纳经济大学\n• 林茨大学\n• 克拉根福大学\n• 克莱姆斯多瑙大学\n• 维也纳美术学院\n• 维也纳应用艺术大学\n• 维也纳音乐与表演艺术大学\n• 萨尔茨堡莫扎特音乐大学\n• 格拉茨音乐与表演艺术大学\n• 林茨艺术与工业设计大学\n• 维也纳模都尔大学\n• 维也纳音乐与艺术市立大学\n• 维也纳爵士流行音乐私立大学\n• 西伯格堡私立大学\n• 海法大学\n• 奥博学术大学\n• 奥卢大学\n• 诺维阿应用科学大学\n• 城市应用科学大学\n• 罗约阿应用科学大学\n• 拉普兰应用科学大学\n• 拉彭兰塔工业大学\n• 拉赫蒂应用科学大学\n• 汉肯经济学院\n• 卡莱利亚应用科学大学\n• 卡亚尼应用科学大学\n• 芬兰东南应用科学大学\n• 于韦斯屈莱应用科学大学\n• 海门应用科学大学\n• 胡马克应用科学大学\n• 哈格哈里亚应用科学大学\n• 迪亚科尼亚应用科学大学\n• 芬兰中央应用科技大学\n• 图尔库大学\n• 阿卡达应用科学大学\n• 瓦萨大学\n• 拉普兰大学\n• 赫尔辛基艺术大学\n• 东芬兰大学\n• 赫尔辛基大学\n• 奥卢应用科学大学\n• 塞马应用科学大学\n• 萨塔昆塔应用科学大学\n• 萨沃尼亚应用科学大学\n• 塞伊奈约基应用科学大学\n• 坦佩雷应用科学大学\n• 图尔库应用科学大学\n• 瓦萨应用科学大学\n• 于韦斯屈莱大学\n• 埃及留学\n• 开罗大学\n• 亚历山大大学\n• 艾因夏姆斯大学\n• 艾斯尤特大学\n• 坦塔大学\n• 曼苏尔大学\n• 扎加齐克大学\n• 哈勒旺大学\n• 米尼亚大学\n• 姆努菲亚大学\n• 苏伊士运河大学\n• 南河谷大学\n• 法尤姆大学\n• 班尼苏维夫大学\n• 本哈大学\n• 谢赫村大学\n• 苏哈贾大学\n• 塞得港大学\n• 德曼胡尔大学\n• 阿斯旺大学\n• 杜姆亚特大学\n• 苏伊士大学\n• 萨达特城大学\n• 埃及科技大学\n• 埃及国际大学\n• 文学及现代科学十月大学\n• 十月六号大学\n• 现代技术与信息大学\n• 埃及未来大学\n• 法鲁斯大学\n• 尼罗大学\n• 复兴大学\n• 西奈大学\n• 三角洲科技大学\n• 斋月十号大学\n• 班达尔大学\n• 拉科鲁尼亚大学\n• 阿尔卡拉大学\n• 阿利坎特大学\n• 阿尔梅利亚大学\n• 马德里自治大学\n• 布尔戈斯大学\n• 卡的斯大学\n• 坎塔布里亚大学\n• 马德里卡洛斯三世大学\n• 卡斯蒂利亚拉曼却大学\n• 马德里康普顿斯大学\n• 科尔多瓦大学\n• 埃斯特雷马杜拉大学\n• 赫罗纳大学\n• 格拉纳达大学\n• 维尔瓦大学\n• 巴利阿里群岛大学\n• 安达卢西亚国际大学\n• 梅南德斯·佩拉尤国际大学\n• 哈恩大学\n• 海梅一世大学\n• 拉古纳大学\n• 里奥哈大学\n• 加那利群岛拉斯帕尔马斯大学\n• 莱昂大学\n• 莱里达大学\n• 马拉加大学\n• 米格尔·埃尔南德斯·德埃尔切大学\n• 穆尔西亚大学\n• 奥维耶多大学\n• 帕布罗·德奥拉韦德大学\n• 巴斯克大学\n• 卡塔赫纳理工大学\n• 加泰罗尼亚理工大学\n• 马德里理工大学\n• 瓦伦西亚理工大学\n• 朋培法普拉大学\n• 纳瓦拉公立大学\n• 胡安卡洛斯国王大学\n• 罗维拉·依维尔基里大学\n• 萨拉曼卡大学\n• 圣地亚哥德孔波斯特拉大学\n• 塞维利亚大学\n• 瓦伦西亚大学\n• 巴里亚多利德大学\n• 维戈大学\n• 萨拉戈萨大学\n• 卡米亚斯大主教大学\n• 德乌斯托大学\n• 拉蒙尤以大学\n• 圣帕布洛大学\n• 安东尼奥·德·内布里哈大学\n• 欧洲塞万提斯大学\n• 萨拉曼卡天主教大学\n• 维克大学——加泰罗尼亚中央大学\n• IE大学\n• 马德里欧洲大学\n• 蒙德拉贡大学\n• 智者阿方索十世大学\n• 圣安东尼奥天主教大学\n• 捷克留学\n• 查理大学\n• 捷克布杰约维采南波西米亚大学\n• 拉贝河畔乌斯季扬•埃万盖利斯塔•普尔基涅大学\n• 马萨里克大学\n• 帕拉茨基大学\n• 奥斯特拉发大学\n• 赫拉德茨-克拉洛维大学\n• 奥帕瓦西里西亚大学\n• 捷克技术大学\n• 布拉格化工大学\n• 皮尔森西波西米亚大学\n• 利贝雷茨技术大学\n• 帕尔杜比采大学\n• 布尔诺技术大学\n• 奥斯特拉发技术大学\n• 托马斯拔佳大学\n• 布拉格经济大学\n• 捷克生命科学大学\n• 布尔诺孟德尔大学\n• 布拉格表演艺术学院\n• 布拉格美术学院\n• 布拉格艺术、建筑与设计学院\n• 布尔诺亚纳切克音乐与表演艺术学院\n• 伊赫拉瓦理工学院\n• 捷克布杰约维采技术与商务学院\n• 区域发展与银行学院\n• 欧洲理工学院\n• 布拉格酒店管理学院\n• 弗兰克-戴森教育学院\n• 高级法律研究大学\n• 经济与管理大学\n• 纽约大学布拉格分校\n• 布拉格国际和公共关系学院\n• 政治和社会科学学院\n• 欧洲和区域研究学院\n• 皮塞克国际电影研究学院\n• 体育学院\n• 牛顿学院\n• 物流学院\n• 护理医学院\n• 布尔诺国际商学院\n• 私立经济研究学院\n• 布拉格商业大学\n• 斯丁学院\n• 布拉格大都会大学\n• 夸美纽斯大学\n• 卡雷尔英语学院\n• 英美大学\n• 布拉格心理学研究学院\n• 西摩拉维亚学院\n• 奥洛穆茨摩拉维亚商学院\n• Cervo学院\n• 麒麟学院\n• 商业与酒店管理学院\n• 社会与行政学院\n• Akcent学院\n• 布拉格建筑学院\n• 应用心理学学院\n• 斯柯达汽车大学\n• 艺术与设计学院\n• 创业与法律学院\n• 创意传播大学\n• 布拉格金融管理大学\n• 捷克共和国警察学院\n• 捷克国防大学\n• 土耳其移民\n• 亚洲大学\n• 安东国立大学\n• 安养大学\n• 白石大学\n• 釜山教育大学\n• 釜山外国语大学\n• 加尔文大学\n• 大邱加图立大学\n• 釜山加图立大学\n• 昌原国立大学\n• 清州国立教育大学\n• 清州大学\n• 晋州教育大学\n• 草堂大学\n• 全北国立大学\n• 总神大学\n• 全南大学\n• 朝鲜大学\n• 秋溪艺术大学\n• 春川教育大学\n• 中央大学\n• 忠北大学\n• 忠南大学\n• 青云大学\n• 车医科学大学\n• 昌信大学\n• 加图立关东大学\n• 大邱庆北科学技术院\n• 大邱韩医大学\n• 大邱教育大学\n• 大邱大学\n• 大田加图立大学\n• 大田大学\n• 大真大学\n• 檀国大学\n• 东亚大学\n• 同德女子大学\n• 东义大学\n• 东国大学\n• 东西大学\n• 东新大学\n• 东洋大学\n• 德成女子大学\n• 大邱艺术大学\n• 梨花女子大学\n• 乙支大学\n• 极东大学\n• 嘉泉大学\n• 金刚大学\n• 金泉大学\n• 公州教育大学\n• 光州加图立大学\n• 光州科学技术院\n• 光州教育大学\n• 光州大学\n• 京仁教育大学\n• 庆州大学\n• 庆南科学技术大学\n• 庆尚大学\n• 江陵原州大学\n• 汉拿大学\n• 翰林大学\n• 韩博大学\n• 韩东大学\n• 韩国外国语大学\n• 韩京国立大学\n• 汉丽大学\n• 韩南大学\n• 韩世大学\n• 韩瑞大学\n• 韩信大学\n• 汉城大学\n• 汉阳大学\n• 湖南大学\n• 弘益大学\n• 湖西大学\n• 湖原大学\n• 协成大学\n• 仁川加图立大学\n• 仁荷大学\n• 仁济大学\n• 韩国国际大学\n• 仁川大学\n• 济州国立大学\n• 全州教育大学\n• 全州大学\n• 中部大学\n• 中源大学\n• 济州国际大学\n• 韩国交通大学\n• 韩国科学技术院\n• 江南大学\n• 江原大学\n• 加耶大学\n• 启明大学\n• 公州国立大学\n• 建国大学\n• 建阳大学\n• 国民大学\n• 韩国航空大学\n• 韩国海洋大学\n• 韩国放送通信大学\n• 韩国体育大学\n• 韩国艺术综合大学\n• 韩国教员大学\n• 拿撒勒大学\n• 韩国产业技术大学\n• 高丽大学\n• 韩国技术教育大学\n• 金乌工科大学\n• 群山大学\n• 光州女子大学\n• 光云大学\n• 京畿大学\n• 庆熙大学\n• 庆北大学\n• 京东大学\n• 庆一大学\n• 庆南大学\n• 庆星大学\n• 庆云大学\n• 韩国传统文化大学\n• 木浦加图立大学\n• 木浦海洋大学\n• 木浦大学\n• 牧园大学\n• 明知大学\n• 南部大学\n• 南首尔大学\n• 培材大学\n• 浦项工科大学\n• 釜庆大学\n• 釜山大学\n• 平泽大学\n• 世翰大学\n• 信韩大学\n• 三育大学\n• 尚志大学\n• 祥明大学\n• 世宗大学\n• 世明大学\n• 西京大学\n• 首尔大学\n• 首尔教育大学\n• 首尔科学技术大学\n• 首尔女子大学\n• 西原大学\n• 新京大学\n• 新罗大学\n• 西江大学\n• 松源大学\n• 淑明女子大学\n• 顺天乡大学\n• 崇实大学\n• 顺天大学\n• 成均馆大学\n• 诚信女子大学\n• 水原加图立大学\n• 加图立大学\n• 首尔市立大学\n• 水原大学\n• 东明大学\n• 威德大学\n• 蔚山科学技术院\n• 蔚山大学\n• 圆光大学\n• 又松大学\n• 又石大学\n• 岭南大学\n• 艺苑艺术大学\n• 龙仁大学\n• 延世大学\n• 唯元大学\n• 灵山大学\n• 根特大学国际校区\n• 韩国纽约州立大学\n• 犹他大学亚洲校区\n• 韩国乔治梅森大学\n• 丹麦媒体与新闻学院\n• 西兰大学学院\n• 南丹麦大学学院\n• 达尼亚高等教育学院\n• IBA国际商业学院\n• MidtVest商业学院\n• 西兰商务与技术学院\n• EA西南商业学院\n• 奥胡斯商业学院\n• 哥本哈根商业学院\n• 小贝尔特学院\n• 哥本哈根设计与技术学院\n• 奥胡斯建筑学院\n• 丹麦皇家美术学院-建筑、设计与修复学院\n• 科尔丁设计学院\n• 丹麦皇家音乐学院\n• 皇家音乐学院-奥胡斯/奥尔堡\n• 韵律音乐学院\n• 丹麦国家表演艺术学院\n• 丹麦皇家美术学院-视觉艺术学院\n• 丹麦国家电影学院\n• 丹麦国家音乐学院\n• 奥胡斯海洋与技术工程学院\n• 哥本哈根海洋工程与技术管理学院\n• 斯文堡国家海洋学院\n• 腓特烈西亚海洋与技术工程学院\n• 爱尔兰国立梅努斯大学\n• 利莫瑞克大学\n• 都柏林城市大学\n• 国立艺术设计学院\n• St.Angela’s College of E\n• 香侬酒店管理学院\n• 公共管理学院\n• 都柏林理工大学\n• 卡罗理工学院\n• 阿斯隆理工学院\n• 科克理工学院\n• 敦达克理工学院\n• 高威理工学院\n• 莱特肯尼理工学院\n• 利莫瑞克理工学院\n• 斯莱戈理工学院\n• 特拉利理工学院\n• 沃特福德理工学院\n• 邓莱里文艺理工学院\n• 格里菲斯学院\n• 爱尔兰国家学院\n• 都柏林商学院\n• 福拉尔贝格高等专业学院\n• 布尔根兰高等专业学院教学点\n• 约阿内高等专业学院\n• 格拉茨高等专业学院\n• 因斯布鲁克管理中心\n• 克雷姆斯高等专业学院\n• 蒂罗尔州库夫施泰因高等专业学院\n• 萨尔茨堡高等专业学院\n• 圣•帕尔藤高等专业学院\n• 克恩藤技术高等专业学院\n• 上奥地利州高等专业学院\n• 维也纳经济高等专业学院\n• 维也纳职业促进高等专业学院\n• 维也纳康普斯高等专业学院\n• 维也纳技术高等专业学院\n• 劳德尔国际商务学校\n• 维也纳新城经济与技术高等专业学院\n• 特雷西娅军事指挥学院\n• 蒂罗尔卫生保健职业中心高等专业学院教学点\n• 马来西亚国际伊斯兰大学\n• 马来西亚国民大学\n• 马来西亚吉兰丹大学\n• 马来西亚彭亨大学\n• 马来西亚玻璃市大学\n• 马来西亚沙巴大学\n• 马来西亚沙捞越大学\n• 马来西亚丁加奴大学\n• 苏丹依德理斯教育大学\n• 马来西亚国防大学\n• 马来西亚博特拉大学\n• 马来西亚伊斯兰理科大学\n• 苏丹再纳阿比汀大学\n• 马六甲马来西亚技术大学\n• 玛拉工艺大学\n• 马来西亚敦胡先翁大学\n• 马来西亚北方大学\n• 科学及科技大学\n• 亚洲城市大学\n• 亚太科技大学\n• 百纳利管理与创业大学\n• 城市大学\n• DRB-HICOM马来西亚汽车工业大学\n• 环球大学\n• 精英大学\n• 吉隆坡建设大学\n• 国际伊斯兰金融教育中心\n• 国际医药大学\n• 英迪国际大学\n• 马来亚-威尔士国际大学\n• 林国荣创意科技大学\n• 玛莎大学\n• 马来西亚供应链创新学院\n• 马来西亚理科与工艺大学\n• 管理与科学大学\n• 玛尼帕尔国际大学\n• 多媒体大学\n• 汝来大学\n• 首要大学\n• 博特拉商学院\n• 霹雳州奎斯特国际大学\n• 依斯干达莱佛士大学\n• 世纪大学\n• 双威大学\n• 泰莱大学\n• 思特雅大学\n• UNITAR国际大学\n• 吉隆坡大学\n• 雪兰莪大学\n• Universiti Sultan Azlan Shah\n• 国油科技大学\n• 国家能源大学\n• 敦阿都拉萨大学\n• 马来西亚计算机科学与工程大学\n• 成功大学学院\n• 赛柏再也医药理科大学学院\n• 万达大学学院\n• 英沙尼亚大学学院\n• 雪兰莪国际伊斯兰大学学院\n• 双德国际科技大学学院\n• 伯乐大学学院\n• KPJ国际大学学院\n• 吉隆坡首都大学学院\n• 林肯大学学院\n• 林登大学学院\n• 南方大学学院\n• TATI大学学院\n• 拉曼大学学院\n• 北斯达利大学学院\n• 马六甲伊斯兰大学学院\n• 沙捞越科技大学学院\n• 国际艺术学院\n• 师范学院\n• 密德萨斯大学\n• 曼彻斯特城市大学\n• 曼彻斯特大学\n• 拉夫堡大学\n• 伦敦大学学院\n• 伦敦南岸大学\n• 伦敦政治经济学院\n• 伦敦卫生与热带医药学院\n• 伦敦城市大学\n• 伦敦商学院\n• 伦敦大学\n• 利物浦约翰摩尔大学\n• 利物浦赫普大学\n• 利物浦大学\n• 林肯大学\n• 莱斯特大学\n• 利兹艺术大学\n• 利兹三一大学\n• 利兹贝克特大学\n• 利兹大学\n• 英国法学大学\n• 兰卡斯特大学\n• 金斯顿大学\n• 伦敦国王学院\n• 肯特大学\n• 基尔大学\n• 伦敦大学学院教育学院\n• 帝国理工学院\n• 伦敦银行与金融学院\n• 赫尔大学\n• 哈德斯菲尔德大学\n• 高地与群岛大学\n• 伦敦大学海斯洛普学院\n• 赫特福德大学\n• 赫瑞•瓦特大学\n• 哈珀亚当斯大学\n• 吉尔德霍尔音乐与戏剧学院\n• 格林威治大学\n• 伦敦大学金史密斯学院\n• 格林多大学\n• 格鲁斯特大学\n• 格拉斯哥卡利多尼亚大学\n• 格拉斯哥大学\n• 法尔茅斯大学\n• 地产管理大学学院\n• 埃克塞特大学\n• 埃塞克斯大学\n• 爱丁堡龙比亚大学\n• 爱丁堡大学\n• 知山大学\n• 东伦敦大学\n• 东英吉利亚大学\n• 杜伦大学\n• 邓迪大学\n• 德比大学\n• 德蒙福特大学\n• 坎布里亚大学\n• 创意艺术大学\n• 克兰菲尔德大学\n• 考文垂大学\n• 伦敦大学城市学院\n• 奇切斯特大学\n• 切斯特大学\n• 中央兰开夏大学\n• 卡迪夫大学\n• 卡迪夫城市大学\n• 坎特伯雷大学\n• 剑桥大学\n• 白金汉郡新大学\n• 骨科大学学院\n• 白金汉大学\n• 伦敦布鲁内尔大学\n• 布里斯托大学\n• 布莱顿大学\n• 布拉德福德大学\n• 英博夏尔大学\n• 伯恩茅斯大学\n• 博尔顿大学\n• 格罗斯泰斯特主教大学\n• 伯明翰大学学院\n• 伯明翰城市大学\n• 伯明翰大学\n• 伦敦大学伯贝克学院\n• 贝德福特大学\n• 巴斯斯巴大学\n• 巴斯大学\n• 班戈大学\n• 雅顿大学\n• 英欧脊椎推拿疗法学院\n• 阿斯顿大学\n• 阿什里奇商学院\n• 伦敦艺术大学\n• 伯恩茅斯艺术大学\n• 坎特伯雷大教主大学\n• 安格利亚鲁斯金大学\n• 亚伯大学\n• 阿伯泰大学\n• 阿伯丁大学\n• 纽卡斯尔大学\n• 纽曼大学\n• 北安普顿大学\n• 诺森比亚大学\n• 诺里奇艺术大学\n• 诺丁汉大学\n• 诺丁汉特伦特大学\n• NCG\n• 皇家护理学院\n• 开放大学\n• 牛津大学\n• 牛津布鲁克斯大学\n• 普利茅斯大学\n• 朴次茅斯大学\n• 爱丁堡玛格丽特女王大学\n• 伦敦玛丽女王大学\n• 贝尔法斯特女王大学\n• 雷丁大学\n• 伦敦摄政大学\n• 罗伯特戈登大学\n• 罗汉普顿大学\n• 英国皇家音乐学院\n• 英国皇家农业大学\n• 中央演讲与戏剧学院\n• 英国皇家艺术学院\n• 皇家音乐学院\n• 苏格兰皇家音乐戏剧学院\n• 伦敦大学皇家霍洛威学院\n• 皇家北方音乐学院\n• 皇家兽医学院\n• 伦敦里士满美国国际大学\n• 索尔福德大学\n• 伦敦大学亚非学院\n• 谢菲尔德大学\n• 谢菲尔德哈勒姆大学\n• 南威尔士大学\n• 南安普顿大学\n• 南安普顿索伦特大学\n• 圣安德鲁斯大学\n• 伦敦大学圣乔治医学院\n• 圣马克与圣约翰大学\n• 斯泰福厦大学\n• 斯特灵大学\n• 思克莱德大学\n• 桑德兰大学\n• 萨里大学\n• 萨赛克斯大学\n• 斯旺西大学\n• 萨福克大学\n• 特威克南圣玛丽大学\n• 提赛德大学\n• 圣三一拉邦音乐舞蹈学院\n• 奥斯特大学\n• 威尔士大学\n• 威尔士三一圣大卫大学\n• 华威大学\n• 西英格兰大学\n• 西伦敦大学\n• 西苏格兰大学\n• 威斯敏斯特大学\n• 温切斯特大学\n• 胡弗汉顿大学\n• 伍斯特大学\n• 瑞特大学学院\n• 约克大学\n• 约克圣约翰大学\n• 林肯大学\n• 梅西大学\n• 惠灵顿维多利亚大学\n• Ara坎特伯雷理工学院\n• 新西兰东部理工学院\n• 马努卡理工学院\n• 尼尔森马尔伯勒理工学院\n• 北方理工学院\n• 奥塔哥理工学院\n• 南方理工学院\n• 泰普迪尼理工学院\n• 新西兰理工学院 (Unitec)\n• 国立联合学院\n• 新西兰国立中部理工学院\n• 怀卡托理工学院\n• 惠灵顿理工学院\n• 塔拉纳基西部理工学院\n• 维特利亚理工学院\n• 奥克兰商学院\n• 新西兰IPU国际学院\n• 媒体设计学院\n• 新西兰中医学院\n• 新西兰脊椎神经学院\n• 新西兰中医针灸学院\n• 新西兰高等教育学院\n• 新西兰太平洋国际酒店管理学院\n• SAE学院\n• 南太平洋自然疗法医学院\n• 新西兰演艺学院\n• 新西兰健康理疗学院\n• 新西兰UUNZ学院\n• 温尔帕克自然医科学院\n• 怀特克利夫艺术设计学院\n• 新西兰幼儿教育师范学院\n• 新西兰ICL商业研究生学院\n• Yoobee创意科技学院\n• 澳大利亚天主教大学\n• 邦德大学\n• 中央昆士兰大学\n• 查尔斯达尔文大学\n• 查尔斯特大学\n• 科廷大学\n• 迪肯大学\n• 埃迪斯科文大学\n• 弗林德斯大学\n• 格里菲斯大学\n• 詹姆斯库克大学\n• 乐卓博大学\n• 麦考瑞大学\n• 莫道克大学\n• 国立戏剧艺术学院\n• 昆士兰科技大学\n• 皇家墨尔本理工大学\n• 南十字星大学\n• 斯威本科技大学\n• 法律学院\n• 阿德雷德大学\n• 新英格兰大学\n• 纽卡斯尔大学\n• 澳大利亚圣母大学\n• 昆士兰大学\n• 西澳大学\n• 精英教育学院\n• 澳大利亚联邦大学\n• 堪培拉大学\n• 南澳大学\n• 南昆士兰大学\n• 塔斯马尼亚大学\n• 悉尼科技大学\n• 阳光海岸大学\n• 卧龙岗大学\n• 维多利亚大学\n• 西悉尼大学\n• 瓦努阿图旅游\n• 新加坡移民条件\n\n*至少添加一个话题,最多添加三个话题\n\n• 泰国旅游",
null,
""
] | [
null,
"http://www.51wenwen.com/static_new2/images/xhd.png",
null,
"http://www.51wenwen.com/static_new2/images/icon_b3.png",
null,
"http://www.51wenwen.com/data/attach/1911/LIuerSnO.jpg",
null,
"http://www.51wenwen.com/static_new2/images/pl.png",
null,
"http://www.51wenwen.com/static_new2/images/stw.png",
null,
"http://www.51wenwen.com/data/avatar/000/00/54/small_000005439.jpg",
null,
"http://www.51wenwen.com/data/avatar/000/00/54/small_000005443.jpg",
null,
"http://www.51wenwen.com/data/avatar/000/00/54/small_000005446.jpg",
null,
"http://www.51wenwen.com/data/avatar/000/00/00/small_000000083.png",
null,
"http://www.51wenwen.com/data/avatar/000/00/01/small_000000111.jpg",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com//static/css/default/avatar.gif",
null,
"http://www.51wenwen.com/static_new2/images/cccc.png",
null
] | {"ft_lang_label":"__label__zh","ft_lang_prob":0.9691179,"math_prob":0.41753507,"size":1995,"snap":"2020-45-2020-50","text_gpt3_token_len":2217,"char_repetition_ratio":0.3164239,"word_repetition_ratio":0.0,"special_character_ratio":0.22155389,"punctuation_ratio":0.013986014,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.97884274,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118],"im_url_duplicate_count":[null,null,null,null,null,2,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-11-29T23:04:17Z\",\"WARC-Record-ID\":\"<urn:uuid:f8c78356-3572-40de-82f0-5f8495a3b94e>\",\"Content-Length\":\"181622\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:89a48ff9-0750-4283-b07e-2fd892f9b2b5>\",\"WARC-Concurrent-To\":\"<urn:uuid:042b8da0-2613-4909-812d-8337b15e4a78>\",\"WARC-IP-Address\":\"47.105.131.91\",\"WARC-Target-URI\":\"http://www.51wenwen.com/question-12353.html\",\"WARC-Payload-Digest\":\"sha1:23PYXPMOEENVA42EM2KVNN54WNBWB6WQ\",\"WARC-Block-Digest\":\"sha1:5A2AHVG6WJFLMNVTPKFHXQFRQXEXGVIF\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-50/CC-MAIN-2020-50_segments_1606141203418.47_warc_CC-MAIN-20201129214615-20201130004615-00664.warc.gz\"}"} |
https://math.stackexchange.com/questions/2109192/simplifying-fraction-with-factorials-frac3n13n/2109210 | [
"# Simplifying fraction with factorials: $\\frac{(3(n+1))!}{(3n)!}$\n\nI was trying to solve the limit:\n\n$$\\lim_{n \\to \\infty} \\sqrt[n]{\\frac{(3n)!}{(5n)^{3n}}}$$\n\nBy using the root's criterion for limits (which is valid in this case, since $b_n$ increases monotonically):\n\n$$L= \\lim_{n \\to \\infty} \\frac{a_n}{b_n} = \\lim_{n \\to \\infty} \\frac{a_{n+1}-a_n}{b_{n+1}-b_n}$$\n\nNow I realise using Sterling's formula would make everything easier, but my first approach was simplifying the factorial after applying the criterion I mentioned before. So, after a few failed attempts I looked it up on Mathematica and it said that $\\frac{(3(n+1))!}{(3n)!}$ (which is one of the fractions you have to simplify) equals $3(n+1)(3n+1)(3n+2)$. Since I can't get there myself I want to know how you would do it.\n\nJust so you can correct me, my reasoning was:\n\n$$\\frac{(3(n+1))!}{(3n)!} = \\frac{3\\cdot 2 \\cdot 3 \\cdot 3 \\cdot 3 \\cdot 4 \\cdot (...) \\cdot 3 \\cdot (n+1)}{3 \\cdot 1 \\cdot 3 \\cdot 2 \\cdot 3 \\cdot 3 \\cdot (...) \\cdot 3 \\cdot n } =$$ $$= \\frac{3^n(n+1)!}{3^{n}n!} = \\frac{(n+1)!}{n!} = n+1$$\n\nWhich apparently isn't correct. I must have failed at something very silly. Thanks in advance!\n\n• $(3(n+1)!)$ is the product of all the natural numbers from $1$ to $3(n+1)$, and $3\\cdot1\\cdot 3\\cdot 2\\ldots\\cdot 3(n+1)$ is the product of the numbers that are multiples of $3$. – ajotatxe Jan 22 '17 at 19:08\n• @Manuel Also you can apply Stirling's approximation. – Behrouz Maleki Jan 22 '17 at 19:11\n• @ajotatxe I don't have (3(n+1)!), but (3(n+1))! (the factorial includes everything between the parentheses). – mar Jan 22 '17 at 19:17\n• This question is somewhat similar: Need to simplify ratio test: $\\frac{(2(k+1))!}{(2k)!}$ - it might also be useful for you. I found it using Approach0. – Martin Sleziak Jan 23 '17 at 6:49\n\nBy Stirling's inequality the answer is clearly $\\left(\\frac{3}{5e}\\right)^3$. To prove it, you may notice that by setting $$a_n = \\frac{(3n)!}{(5n)^{3n}}$$ you have: $$\\frac{a_{n+1}}{a_n} = \\frac{(3n+3)(3n+2)(3n+1)(5n)^{3n}}{(5n+5)^{3n+3}} = \\frac{\\frac{3n+3}{5n+5}\\cdot\\frac{3n+2}{5n+5}\\cdot\\frac{3n+1}{5n+5}}{\\left(1+\\frac{1}{n}\\right)^{3n}}\\to\\frac{\\left(\\frac{3}{5}\\right)^3}{e^3}$$ as $n\\to +\\infty$.\n\n• I don't want to know the answer to the limit, but how I can go from a reason of factorials to the polynomial Mathematica gave me. But thanks, I'll use your answer to check if I got it right, haha. – mar Jan 22 '17 at 19:15\n• @Manuel: the reason is simple: if you have a positive sequence such that $\\frac{a_{n+1}}{a_n}\\to c$, then $\\sqrt[n]{a_n}\\to c$, too. – Jack D'Aurizio Jan 22 '17 at 19:16\n• And $$\\frac{(3(n+1))!}{(3n)!}=\\frac{(3n+3)!}{(3n)!}=(3n+3)(3n+2)(3n+1).$$ – Jack D'Aurizio Jan 22 '17 at 19:18\n• Oh, that makes sense. Why did I not see it before? Thanks a lot, Jack. – mar Jan 22 '17 at 19:19\n\nI thought it might be useful to present an approach that relies on elementary tools only. To that end, we proceed.\n\nFirst, we write\n\n\\begin{align} \\frac{1}{n}\\log((3n!))&=\\frac1n\\sum_{k=1}^{3n}\\log(k)\\\\\\\\ &=\\left(\\frac1n\\sum_{k=1}^{3n}\\log(k/n)\\right)+3\\log(n) \\tag 1 \\end{align}\n\nNow, note that the parenthetical term on the right-hand side of $(1)$ is the Riemann sum for $\\int_0^3 \\log(x)\\,dx=3\\log(3)-3$.\n\nUsing $(1)$, we have\n\n\\begin{align} \\lim_{n\\to \\infty}\\sqrt[n]{\\frac{(3n)!}{(5n)^{3n}}}&=\\lim_{n\\to \\infty}e^{\\frac1n \\log((3n)!)-3\\log(5n)}\\\\\\\\ &=\\lim_{n\\to \\infty}e^{\\left(\\frac1n\\sum_{k=1}^{3n}\\log(k/n)\\right)+3\\log(n)-3\\log(5n)}\\\\\\\\ &=\\lim_{n\\to \\infty}e^{\\left(\\frac1n\\sum_{k=1}^{3n}\\log(k/n)\\right)-3\\log(5)}\\\\\\\\ &= e^{3\\log(3)-3-3\\log(5)}\\\\\\\\ &=\\left(\\frac{3}{5e}\\right)^3 \\end{align}\n\nas expected!\n\nTools used: Riemann sums and the continuity of the exponential function.\n\n$$(3(n+1))! \\neq 3 \\cdot 2 \\cdot 3 \\cdot 3 \\cdot 3 \\cdot 4 \\cdots 3 \\cdot (n+1)$$ To make it clear what the problem is, let's write the right-hand side with brackets: $$(3 \\cdot 2) \\cdot (3 \\cdot 3) \\cdot (3 \\cdot 4) \\cdots (3 \\cdot (n+1))$$ That's just multiplying all the positive multiples of 3 less than $3(n+1)$ together; the factorial is defined as multiplying together all positive integers less than $3(n+1)$. So the correct expansions are \\begin{align*} (3(n+1))! &= 2 \\cdot 3 \\cdot 4 \\cdot 5 \\cdot 6 \\cdots (3n-2) \\cdot (3n-1) \\cdot 3n \\cdot (3n+1) \\cdot (3n+2) \\cdot 3(n+1) \\\\ (3n)! &= 2 \\cdot 3 \\cdot 4 \\cdot 5 \\cdot 6 \\cdots (3n-2) \\cdot (3n-1) \\cdot 3n \\end{align*} which clearly have the quotient Mathematica gave you.\n\n• Thanks a lot, I noticed what you just said reading Jack's response. I haven't used the factorial function a lot and now I see I didn't completely understand it (or maybe I'm especially slow today). – mar Jan 22 '17 at 19:35\n\nMy favorite elementary inequality for $n!$: $\\def\\lfrac#1#2{{\\large\\frac{#1}{#2}}}$ $(n/e)^n < n! < (n/e)^{n+1}$.\n\nTaking n-th roots, $n/e < (n!)^{1/n} < (n/e)^{1+1/n}$.\n\nTherefore $\\sqrt[n]{\\lfrac{(3n)!}{(5n)^{3n}}} =\\lfrac{((3n)!)^{1/n}}{(5n)^{3}} >\\lfrac{((3n/e)^{3n})^{1/n}}{(5n)^{3}} =\\lfrac{(3n/e)^{3}}{(5n)^{3}} =\\lfrac{27n^3}{125e^3n^{3}} =\\lfrac{27}{125e^3}$.\n\nArguing the other way, $\\sqrt[n]{\\lfrac{(3n)!}{(5n)^{3n}}} =\\lfrac{((3n)!)^{1/n}}{(5n)^{3}} <\\lfrac{((3n/e)^{3n+1})^{1/n}}{(5n)^{3}} =\\lfrac{(3n/e)^{3}(3n/e)^{1/n}}{(5n)^{3}} =\\lfrac{27n^3(3n/e)^{1/n}}{125e^3n^{3}} =\\lfrac{27}{125e^3}(3n/e)^{1/n}$. Since, as $n \\to \\infty$, $n^{1/n} \\to 1$ and $a^{1/n} \\to 1$ for any $a > 0$, $(3n/e)^{1/n} \\to 1$ so the limit is $\\lfrac{27}{125e^3}$.\n\nA more general result:\n\n$\\sqrt[n]{\\lfrac{(an)!}{(bn)^{an}}} =\\lfrac{((an)!)^{1/n}}{(bn)^a} \\gt \\lfrac{((an/e)^{an})^{1/n}}{(bn)^a} =\\lfrac{(an/e)^a}{(bn)^a} =\\lfrac{a^a n^a}{b^ae^a} =\\lfrac{a^a}{b^ae^a} =\\left(\\lfrac{a}{be}\\right)^a$.\n\nThe other way goes exactly as above, so that $\\lim_{n \\to \\infty} \\sqrt[n]{\\lfrac{(an)!}{(bn)^{an}}} =\\left(\\lfrac{a}{be}\\right)^a$.\n\n• I get the part where you say this: $\\frac{((an)!)^{1/n}}{(bn)^a} \\gt \\frac{((an/e)^{an})^{1/n}}{(bn)^a}$ but why would that imply that $(a/be)^a$ is the result of the limit? – mar Jan 22 '17 at 20:25\n• The $n^a$ terms cancel out. – marty cohen Jan 22 '17 at 23:13\n• I made your fractions a bit bigger so that they are easier to read. Hope you don't mind, but feel free to revert if you don't like it. =) – user21820 Jan 23 '17 at 3:49\n• I don't mind editing as long as the meaning isn't changed. – marty cohen Jan 23 '17 at 4:12"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8811432,"math_prob":0.999884,"size":1104,"snap":"2020-10-2020-16","text_gpt3_token_len":388,"char_repetition_ratio":0.15181819,"word_repetition_ratio":0.04117647,"special_character_ratio":0.3777174,"punctuation_ratio":0.117154814,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99992764,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-02-20T14:48:28Z\",\"WARC-Record-ID\":\"<urn:uuid:fe412a15-d4d7-4669-b85a-d9dc810bab9b>\",\"Content-Length\":\"177841\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:ba8e0eae-05d7-4585-9717-80ce6ea32bc3>\",\"WARC-Concurrent-To\":\"<urn:uuid:d72b5015-94a8-4ff0-a6b5-d4a3c1e181fb>\",\"WARC-IP-Address\":\"151.101.1.69\",\"WARC-Target-URI\":\"https://math.stackexchange.com/questions/2109192/simplifying-fraction-with-factorials-frac3n13n/2109210\",\"WARC-Payload-Digest\":\"sha1:2EIDC5ZBFLHBQTAZ6ZOAK4JRXXSNQHDX\",\"WARC-Block-Digest\":\"sha1:LZN4A2AJHHQCX4N5SZ66JOII7XPD45IF\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-10/CC-MAIN-2020-10_segments_1581875144979.91_warc_CC-MAIN-20200220131529-20200220161529-00116.warc.gz\"}"} |
https://electronicsdesk.com/cyclic-code.html | [
"# Cyclic Code\n\nCyclic Code is known to be a subclass of linear block codes where cyclic shift in the bits of the codeword results in another codeword. It is quite important as it offers easy implementation and thus finds applications in various systems.\n\nCyclic codes are widely used in satellite communication as the information sent digitally is encoded and decoded using cyclic coding. These are error-correcting codes where the actual information is sent over the channel by combining with the parity bits.\n\n## Content: Cyclic Code\n\n### Introduction\n\nCyclic codes are known to be a crucial subcategory of linear coding technique because these offers efficient encoding and decoding schemes using a shift register. These are used in error correction as they can check for double or burst errors. Various other important codes like, Reed Solomon, Golay, Hamming, BCH, etc. can be represented using cyclic codes.\n\nBasically, a shift register and a modulo-2 adder are the two crucial elements considered as building blocks of cyclic encoding. Using a shift register, encoding can be efficiently performed. The fundamental elements of shift registers are flip flops (that acts as a storage unit) and input-output. While the other i.e., a binary adder has two inputs and one output.\n\n### Properties of Cyclic Code\n\nWe have mentioned at the beginning itself that cyclic codes fall under the category of linear block codes. Let us now understand on following which properties a code is said to be of cyclic nature.\n\nProperty 1: Property of Linearity\n\nAccording to this property, a linear combination of two codewords must be another codeword.\n\nSuppose we have two codewords Ci and Cj. So, on adding",
null,
"where this Cp must also be a codeword.\n\nFor example, suppose we have given 3 codewords (110, 101, 011).\n\nSo, according to linearity property, the addition of any of the two given codewords must produce the third codeword. Let’s check",
null,
"Hence, the given code is linear.\n\nProperty 2: Property of Cyclic Shifting\n\nAccording to this property, after a right or left shift in the bits of codewords the resultant code generated must be another codeword.\n\nSuppose, C is a codeword given as:",
null,
"Then after cyclic shifts",
null,
"Here we have performed the right cyclic shift that has produced these codewords.\n\nFor example, consider again those 3 codewords (110, 101, 011) which we considered for linearity property.\n\nSo, according to cyclic shifting property, an either right or left shift in the bits of a codeword must generate another codeword.\n\n110: shifting the bits towards the right will provide 011.\n\n101: a right shift in the bits of this codeword will give 110.\n\n011: right shifting of these bits will provide 101.\n\nHence, it is clear that shifting the bits of the codewords gives rise to another codeword thus cyclic shifting property is verified.\n\nCodes that follow both linearity, as well as cyclic shifting, are called cyclic codes.\n\nIt is to be noted here that if a codeword has all 0’s then it is called a valid codeword. But at the same time, 0 is regarded as a necessary condition and not a sufficient condition.\n\n## Example of Cyclic Code\n\nWe have discussed in linear block codes as well that a linear codeword is generally given as c(n,k). Here n represents the total bits in the codeword and k denotes the message bits. Thus, the parity bits are (n-k). Suppose we are given a code (7,4) then on comparing with general format the codeword will have 7 bits and the actual message bits are 4 while rest 3 are parity bits.\n\nA cyclic codeword is given as:",
null,
"Then the codeword polynomial will be represented as:",
null,
"For a given codeword C = , the codeword polynomial will be given as:\n\nC(X) = 1*X0 + 0*X1 + 1*X2 + 1*X3\n\nC(X) = X3 + X2 + 1\n\nIn a similar way, for any message codeword m, the message polynomial",
null,
"And generator polynomial",
null,
"Codewords are classified as systematic and non-systematic codewords.\n\nA systematic codeword is one in which the parity bits and message bits are present in separated forms.\n\nC = [parity bit, message bits]\n\nBut a non-systematic codeword is the one in which the message and parity bits exist in intermixed format and cannot be separated just by noticing the initial and final bits.\n\nLet us now understand the coding and decoding of codewords using cyclic code.\n\n### Encoding\n\nNon-Systematic Cyclic Encoding: Consider the message signal given as:\n\nm = \n\nThus,\n\nM(X) = 1*X0 + 1*X1 + 1*X2 + 0*X3\n\nM(X) = X2 + X + 1\n\nwith generator polynomial G(X) = X3 + X + 1\n\nFor non-systematic code, the codeword is given as:",
null,
"C(X) = (X2 + X + 1) (X3 + X + 1)\n\nC(X) = X5 + X3 + X2 + X4 + X2 + X + X3 + X + 1\n\nHere modulo 2 addition will be performed and in modulo 2 addition, the sum of 2 similar bits results in 0.\n\nC(X) = X5 + X3 + X2 + X4 + X2 + X + X3 + X + 1\n\nThus, X3, X2 and X will get cancelled. So,\n\nC(X) = 1 + X4 + X5\n\nHence, from the above codeword polynomial, the codeword will be:\n\nC = \n\nFrom the codeword bits, we can clearly interpret that the encoded codeword contains the message and parity bits in an intermixed pattern. Thus, is a non-systematic codeword and direct determination of message bits is not possible.\n\nSystematic Cyclic Encoding: Consider another message signal:\n\nm = \n\nSo, message polynomial will be:\n\nM(X) = 1 + X2 + X3\n\nWhile the generator polynomial G(X) = X3 + X + 1\n\nThe equation for determining 7 bits codeword for systematic code is given as:",
null,
": P(X) represents the parity polynomial and is given by:",
null,
"So, to construct the systematic codeword first we have to determined P(X).\n\nSince n= 7 and k = 4",
null,
"Therefore,",
null,
"Hence, the obtained value of P(X) = 1\n\nNow, substituting the values in codeword polynomial equation,",
null,
"C(X) = X3 (X3 + X2 + 1) + 1\n\nC(X) = 1 + X3 + X5 + X6\n\nHence, the codeword for the above code polynomial will be:\n\nC = \n\nSo, here the first 3 bits are parity bits and the last four bits are message bits. And we can cross-check that we have considered as the message bits and parity polynomial remainder was 1 i.e., code .\n\nHence, in this way encoding of non-systematic and systematic codewords is performed.\n\n### Decoding\n\nTo understand how the detection of cyclic code takes place. Consider R(X) as received polynomial, C(X) as the encoded polynomial, G(X) to be generator polynomial, and E(X) as error polynomial.\n\nSyndrome or error involved during transmission is given as:",
null,
"Since R(X) is a combination of encoded polynomial and error polynomial thus above equation can be written as:",
null,
"Here, if the obtained remainder is 0 then there will be no error and if the obtained remainder is not 0 then there will be an error that needs to be corrected.",
null,
"This is so because actually coded bit does not contain error thus syndrome is not required to be calculated.\n\nNow, let us check for error polynomial. So, consider the error table given below where we have assumed a single error in each of the bits of the code:",
null,
"So, now using the syndrome for error polynomial formula:",
null,
"We will determine, the erroneous bit. Consider the generator polynomial G(X) = X3 + X + 1 and dividing each error polynomial with it.",
null,
"Now, tabulating it,",
null,
"Consider an example where transmitted codeword is received code, r(n,k) = . Hence,\n\nR(X) = 1 + X2 + X5\n\nNow, let us check for the syndrome, by dividing the received polynomial R(X) by the generator polynomial G(X).",
null,
"We will get,",
null,
"S = X ≠ 0\n\nThis means the received codeword contains an error. From the tabular representation, it is clear that X has an error code . Thus, this represents an error in the second bit of the received code.\n\nHence, by using the same approach we can perform encoding and decoding using cyclic code."
] | [
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/property-of-linearity.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/linearity-property.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/codeword-representation.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/cyclic-shift.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/codeword-representation.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/codeword-polynomial-representation.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/message-polynomial-representation.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/generator-polynomial-representation.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/non-systematic-codeword.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/codeword-equation-for-systematic-code.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/parity-polynomial-equation.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/parity-polynomial-equation-1.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/division-1.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/codeword-equation-for-systematic-code-1.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/syndrome-equation.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/syndrome-equation-1.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/syndrome-equation-2.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/Table-1-for-detection-of-error-of-cyclic-code.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/syndrome-equation-3.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/division-2.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/Table-2-for-detection-of-error-of-cyclic-code.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/syndrome-equation-4.jpg",
null,
"https://electronicsdesk.com/wp-content/uploads/2021/06/division-3.jpg",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8698733,"math_prob":0.97855556,"size":7555,"snap":"2023-40-2023-50","text_gpt3_token_len":1895,"char_repetition_ratio":0.16567342,"word_repetition_ratio":0.052748885,"special_character_ratio":0.2485771,"punctuation_ratio":0.10872483,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9994727,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46],"im_url_duplicate_count":[null,2,null,2,null,4,null,2,null,4,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-11-30T20:17:10Z\",\"WARC-Record-ID\":\"<urn:uuid:8275524c-3db2-40a7-97f7-eb4d3ce79033>\",\"Content-Length\":\"112120\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:312b4e88-390d-41f3-ba02-e365b95e1dd1>\",\"WARC-Concurrent-To\":\"<urn:uuid:3970ff41-84f9-4849-b867-de03839ca9dd>\",\"WARC-IP-Address\":\"67.43.12.246\",\"WARC-Target-URI\":\"https://electronicsdesk.com/cyclic-code.html\",\"WARC-Payload-Digest\":\"sha1:5HLHZ5JNKMYOVTG2CLDNAZBFO4CLZXV3\",\"WARC-Block-Digest\":\"sha1:MUJNRJB3VS47HHR7GWLTD4GSPH4NXGPC\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-50/CC-MAIN-2023-50_segments_1700679100232.63_warc_CC-MAIN-20231130193829-20231130223829-00352.warc.gz\"}"} |
https://www.flightpedia.org/convert/1199-pounds-to-decagram.html | [
"# Convert 1,199.0 Pounds to Decagrams\n\n 1,199.0 Pounds (lb) = 54,385.73 Decagrams (dag) 1 lb = 45.3592 dag 1 dag = 0.022046 lb\n\n• Q: How many Pounds in a Decagram?\n\n• Q: How do you convert 1199 Pound (lb) to Decagram (dag)?\n\n1199 Pound is equal to 54,385.73 Decagram. Formula to convert 1199 lb to dag is 1199 * 45.359237\n\n• Q: How many Pounds in 1199 Decagrams?"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.6456379,"math_prob":0.9710339,"size":1401,"snap":"2021-43-2021-49","text_gpt3_token_len":447,"char_repetition_ratio":0.19470294,"word_repetition_ratio":0.00754717,"special_character_ratio":0.38329765,"punctuation_ratio":0.077220075,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.972919,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-12-04T16:32:39Z\",\"WARC-Record-ID\":\"<urn:uuid:0ce37056-57fa-4d6b-a23c-b373aed07cc1>\",\"Content-Length\":\"21676\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:0434cdb6-636a-40fa-b552-0d24ad6305aa>\",\"WARC-Concurrent-To\":\"<urn:uuid:229e2f2a-1348-41f3-99bf-ad306b54fa91>\",\"WARC-IP-Address\":\"35.202.210.90\",\"WARC-Target-URI\":\"https://www.flightpedia.org/convert/1199-pounds-to-decagram.html\",\"WARC-Payload-Digest\":\"sha1:SSN7L2V7BV22WN7Z6VPIXSNLISEW6UOI\",\"WARC-Block-Digest\":\"sha1:HJ4UBB2OCMBWKYL25JCBQFJQ5OCCN55X\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-49/CC-MAIN-2021-49_segments_1637964362999.66_warc_CC-MAIN-20211204154554-20211204184554-00111.warc.gz\"}"} |
https://nforum.ncatlab.org/discussion/2501/ | [
"## Not signed in\n\nWant to take part in these discussions? Sign in if you have an account, or apply for one below\n\n## Site Tag Cloud\n\nVanilla 1.1.10 is a product of Lussumo. More Information: Documentation, Community Support.\n\n• CommentRowNumber1.\n• CommentAuthorUrs\n• CommentTimeFeb 18th 2011\n• CommentRowNumber2.\n• CommentAuthorUrs\n• CommentTimeFeb 18th 2011\n• (edited Feb 18th 2011)\n\nDoes fat geometic realization send global Kan fibrations to topological fibrations?\n\nFor $G$ a simplicial topological group, is $\\Vert W G\\Vert \\to \\Vert \\bar W G\\Vert$ a fibration?\n\n• CommentRowNumber3.\n• CommentAuthorUrs\n• CommentTimeFeb 18th 2011\n• (edited Feb 19th 2011)\n\nI am thinking about the following:\n\nClaim For $G$ a well-sectioned simplicial topological group, $X$ a good simplicial topological space, every simplicial $G$-principal bundle $P$ over $X$ is also proper as a simplicial topological space.\n\nIdea of the proof\n\nEvery such $G$-bundle $P \\to X$ arises as the pullback\n\n$\\array{ P &\\to& W G \\\\ \\downarrow && \\downarrow \\\\ X &\\stackrel{\\tau}{\\to}& \\bar W G }$\n\nfor some morphism $\\tau$ of simplicial topological spaces.\n\nTherefore for each $n \\in \\mathbb{N}$ we have that $P_n$ is given by the pullback\n\n$\\array{ P_n &\\to& (W G)_n \\\\ \\downarrow && \\downarrow \\\\ X_n &\\stackrel{\\tau_n}{\\to}& (\\bar W G)_n }$\n\nin $Top$.\n\nNow, $W$ and $\\bar W G$ are both proper simplicial topological spaces. And $(W G)_n \\to (\\bar W )_n$ is a Hurewicz fibration for all $n$. Therefore by the theorem now included at closed cofibration, we have that the degeneracy maps of $P$ are induced by morphisms of pullback diagrams one of whose legs is a fibration along a degreewise closed cofibration. hence are themselves closed cofibrations. Hence $P$ is proper.\n\nRight?\n\n• CommentRowNumber4.\n• CommentAuthorDavidRoberts\n• CommentTimeFeb 19th 2011\n\nUrs, have you seen the paper that Danny and I are working on? We address very similar points.\n\n• CommentRowNumber5.\n• CommentAuthorUrs\n• CommentTimeFeb 19th 2011\n• (edited Feb 19th 2011)\n\nHi David,\n\nso apparently you didn’t get the email that I sent to you. What’s your current working email address?\n\nYes, I am looking at your paper with Danny as we speak! That’s where this question originates from: I think you provide almost all the statements to show that the left derived functor of geometric realization of simplicial topological spaces preserves homotopy fibers of morphisms of the form $X \\to W G$, hence sends topological $\\infty$-bundles to their underlying topological bundles.\n\nI need that statement for differential cohomology in a cohesive topos (schreiber). But yesterday I realized that in my proof that the intrinsic $\\Pi : ETop\\infty Grpd \\to Top$ preserves homotopy fibers (see Euclidean topological infinity-groupoid) I had been silently asssuming that with $X$ and $W G$ proper simplicial spaces, also the simplicial bundle $P$ that is defined by $\\tau : X \\to W G$ has the propety that its geometric realization coincides with its homotopy colimit.\n\nThis seems to be an important statement also for the main statement in your article with Danny, and so I tried to check with you and Danny if my idea how to show this is correct. Danny has meanwhile confirmed that this argument is indeed true.\n\nLet me just point out again what that has to do with homotopy fibers:\n\nsince for a simplicial topological group $G$ we have\n\n• $\\bar W G$ is globally fibrant (the maps $(\\bar W G)_n \\to [\\Lambda^n_k, \\bar W G]$ have global continuous sections) ;\n\n• $W G$ is globally fibrant\n\n• $W G \\to \\bar W G$ is a global fibration\n\nwe have that $W G \\to \\bar W G$ is a presentation by a fibration of the point inclusion $* \\to \\mathbf{B}G$ in the projective model structure for Euclidean-topological $\\infty$-groupoids $[CartSp_{top}^{op}, sSet]_{proj}$.\n\nThis means that for all simplicial spaces $X$ and morphisms $\\tau : X \\to \\bar W G$ the ordinary pullback\n\n$\\array{ P &\\to& W G \\\\ \\downarrow && \\downarrow \\\\ X &\\stackrel{\\tau}{\\to}& \\bar W G }$\n\nis a model for the homotopy pullback of $* \\to \\mathbf{B}G$ along $\\tau$, hence a model for its homotopy fiber, hence that $P$ is indeed a presentation of the correct topological principal $\\infty$-bundle given by $\\tau$.\n\nNow assume all topological spaces here are degreewise paracompact and admit good open covers. Then one can prove that the intrinsic fundamental $\\infty$-groupoid functor $\\Pi : ETop\\infty Grpd \\to \\infty Grpd \\simeq Top$ is presented on these by fat geometric realization. But now, since $X$ and $\\bar W G$ and $W G$ are assumed to be proper and since we find that then $P$ is implied to be proper, it follows that on our situation here $\\Pi$ is already presented by ordinary geometric realization.\n\nNow moreover, by your statement with Danny we have that $|W G| \\to |\\bar W G|$ is again a fibration resolution of the point inclusion $* \\to \\mathbf{B}|G|$. This shows (and I would think you could mention this as a nice immediate corollary in your article) that\n\n$\\array{ |P| &\\to& |W G| \\\\ \\downarrow && \\downarrow \\\\ |X| &\\stackrel{\\tau}{\\to}& |\\bar W G| }$\n\nwhich is an ordinary pullback diagram by the general fact that geometric realization preserves pullbacks, is again even a homotopy pullback, hence itself exhibits $|P|$ as the homotopy fiber of $|\\tau|$.\n\nSo in total this corollary of your work with Danny shows:\n\nTheorem On morphisms of Euclidean-topological $\\infty$-groupoids $X \\to \\mathbf{B}G$ that are presented by morphisms of degreewise paracompact simplicial topological spaces, we have that $\\Pi : ETop\\infty Grpd \\to \\infty Grpd$ preserves homotopy fibers.\n\nThat’s a very powerful statement for doing refinements of Whitehead towers from Top to cohesive $\\infty$-groupoids. For instance there is a refinement of the first fractional Pontryagin class $\\frac{1}{2}p_1 : B Spin \\to B^4 \\mathbb{Z}$ to a morphism of simplicial topological (even Lie) groups $\\frac{1}{2}\\mathbf{p}_1 : W Spin \\to W \\Xi U(1)$. Its homotopy fiber will be some topological 2-group: the string 2-group. By the above theorem it is immediate that its geometric realization is the ordinary topological string group. And so on for higher steps in the Whitehead tower.\n\nThat’s what I am after. Only that yesterday I reallized that I had missed to argue that $P$ in the above is proper. So therefore I was fishing here for sanity checks that indeed it is.\n\n• CommentRowNumber6.\n• CommentAuthorDavidRoberts\n• CommentTimeFeb 19th 2011\n\nAh, I did get that email - after I checked here. So you do have the right email for me. Then I’ve been out all day, so couldn’t fix my error. I’ll have to think about this - I need an early night tonight!\n\n• CommentRowNumber7.\n• CommentAuthorUrs\n• CommentTimeFeb 19th 2011\n• (edited Feb 19th 2011)\n\nI have written out the argument at geometric realization of simp top spaces – Applications – realization of topological principal oo-bundles.\n\nHave to dash off now. Can try to expand more later.\n\n• CommentRowNumber8.\n• CommentAuthorUrs\n• CommentTimeSep 17th 2021\n\nI have adjusted the referencing for the proposition (here) that the topological realization of a well-pointed topological group is well-pointed"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.94639295,"math_prob":0.95629364,"size":5134,"snap":"2023-40-2023-50","text_gpt3_token_len":1132,"char_repetition_ratio":0.15419103,"word_repetition_ratio":0.0023584906,"special_character_ratio":0.19068952,"punctuation_ratio":0.08458244,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9948023,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-12-10T04:21:38Z\",\"WARC-Record-ID\":\"<urn:uuid:218fa7aa-8aff-414c-84a8-293fc2b03e50>\",\"Content-Length\":\"74295\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:8caf0352-e6ff-450e-b075-7d5352e6d41a>\",\"WARC-Concurrent-To\":\"<urn:uuid:cafe7424-7041-467c-bd5c-c46b0e597693>\",\"WARC-IP-Address\":\"128.2.25.48\",\"WARC-Target-URI\":\"https://nforum.ncatlab.org/discussion/2501/\",\"WARC-Payload-Digest\":\"sha1:B47EFY4IIGBXT5MII2RUPUDTRMUV5ZFG\",\"WARC-Block-Digest\":\"sha1:YMS3MFIDXZQ4KDXT6FZ74JJEXPF5B6E4\",\"WARC-Identified-Payload-Type\":\"application/xhtml+xml\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-50/CC-MAIN-2023-50_segments_1700679101195.85_warc_CC-MAIN-20231210025335-20231210055335-00519.warc.gz\"}"} |
https://learnindex.com/order-of-operations/ | [
"# Order of Operations\n\nThe order of operations is a set of rules used to determine the sequence in which mathematical operations should be performed in an equation. It is important to follow these rules to ensure that the calculations are performed correctly and consistently. Failure to follow the order of operations can result in incorrect solutions to mathematical problems.\n\n## The Order of Operations\n\nThe order of operations is commonly remembered by the acronym PEMDAS, which stands for Parentheses, Exponents, Multiplication and Division (from left to right), and Addition and Subtraction (from left to right).\n\nParentheses: Perform operations inside parentheses first. If there are nested parentheses, start with the innermost set of parentheses and work outward.\n\nExponents: Perform any calculations involving exponents or powers.\n\nMultiplication and Division: Perform multiplication and division in order from left to right.\n\nAddition and Subtraction: Perform addition and subtraction in order from left to right.\n\n## Example:\n\nLet’s take the following expression: 6 ÷ 2(1 + 2)\n\nTo solve this equation using the order of operations, we would follow the steps as follows:\n\nNext, perform multiplication and division in order from left to right: 6 ÷ 2(3)\nNow, we have to use PEMDAS again since we have multiplication and division at the same level: 2(3) = 6\nFinally, perform the division: 6 ÷ 6 = 1\nSo the solution to the equation is 1.\n\n## Practice Exercise\n\nNow that you have learned about the order of operations in mathematics, let’s try a practice exercise.\n\n2 + 3 × 4\n(5 + 2) × 3\n10 − 2 × 3²\n6 ÷ 2 + 1"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.92913705,"math_prob":0.9737684,"size":2004,"snap":"2023-40-2023-50","text_gpt3_token_len":443,"char_repetition_ratio":0.1555,"word_repetition_ratio":0.055384614,"special_character_ratio":0.21756487,"punctuation_ratio":0.11420613,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99805653,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-12-07T10:55:24Z\",\"WARC-Record-ID\":\"<urn:uuid:4417b6a7-2903-4cba-83ba-9ef39f622cd4>\",\"Content-Length\":\"102215\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:883be31a-fe13-4378-b817-b83dfeccac1d>\",\"WARC-Concurrent-To\":\"<urn:uuid:3bb86e2b-32a9-4f80-8ced-80523944a0fc>\",\"WARC-IP-Address\":\"141.193.213.10\",\"WARC-Target-URI\":\"https://learnindex.com/order-of-operations/\",\"WARC-Payload-Digest\":\"sha1:CXFBCO4T4LEX2AM32OVYYBSZKJPGCA43\",\"WARC-Block-Digest\":\"sha1:ABG7POGMLP3V7V4HQZSZM62LIV4QSGVU\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-50/CC-MAIN-2023-50_segments_1700679100651.34_warc_CC-MAIN-20231207090036-20231207120036-00402.warc.gz\"}"} |
https://math.stackexchange.com/questions/482726/would-proof-of-legendres-conjecture-also-prove-riemanns-hypothesis | [
"# Would proof of Legendre's conjecture also prove Riemann's hypothesis?\n\nLegendre's conjecture is that there exists a prime number between $n^2$ and $(n+1)^2$. This has been shown to be very likely using computers, but this is merely a heuristic. I have read that if this conjecture is true, the biggest gap between two consecutive primes is $O(\\sqrt{p})$; the Riemann Hypothesis, on the other hand, implies that this gap is $O(\\sqrt{p}\\log{p})$, which is a wider gap for sufficiently large inputs. This leaves me asking the following question, which I am aware may be a bit naive, but I want to be sure:\n\nWould a proof of Legendre's conjecture also be considered a proof of Riemann's hypothesis?\n\nEDIT: I am aware that the way the asymptotic above were expressed was in terms of prime numbers, and that the Riemann Hypothesis is concerned about everything in between as well; would a proof of this sort need to show this upper bound for all inputs, or would the prime numbers be sufficient?\n\nEDIT 2: It seems to me that, if a proof of Legendre's conjecture could result in a proof of the Riemann hypothesis, that this would come from the $\\log{x}$ term of the asymptotic, showing that this term is never smaller than what results from the distance between primes. In other words, this would have to be an inductive proof, showing an initial case and, as a result of that initial case and the fact that the gap is $O(\\sqrt{p})$ for that case, all future cases must therefore be $O(\\sqrt{p} \\log{p})$. I hate to add to my question once again, but please tell me if this is completely off.\n\nThe Riemann hypothesis (RH) implies that $p_{k+1}-p_k=O(\\sqrt{p_k}\\log p_k)$, which was shown by Cramer in $1919$. However, this corollary is much weaker than RH. A proof of Legendre's conjecture would imply that $p_{k+1}-p_k=O(\\sqrt{p_k})$, which is indeed better than Cramer's result. But this does not necessarily mean that it implies RH. It only means that Legendre is better than a consequence of RH. In fact, it is conjectured that the gap $p_{k+1}-p_k$ is even better than $O(\\sqrt{p_k})$, i.e., $O(\\log^2 p_k)$ which is much smaller, and that between $n^2$ and $(n+1)^2$ there lies not only one prime but quite a lot of primes.\n• Good answer; along the same lines, would showing that $p_{k+1} - p_k = O(\\log^2{p_k})$ prove the Riemann hypothesis? In other words, is it possible to prove the Riemann hypothesis by finding any upper bound on the distance between consecutive primes? – Adam Sep 3 '13 at 13:54\n• No, I do not think that a proof of $p_{k+1}-p_k=O(\\log^2 p_k)$ would give a proof of RH, because the relation between RH and the gaps is not sufficiently strong. – Dietrich Burde Sep 3 '13 at 14:36\n• I have since read that the Riemann hypothesis has been proven to be equivalent to stating that the absolute value of the difference between the pi function and the logarithmic integral is smaller than $c(\\sqrt{p} \\log{p})$ for some constant $c$. When I read \"equivalent\", my immediate conclusion is that proving one proves the other, both ways. Is this not the case? Is there anything about the distribution of the primes that, if proven, would prove the Riemann Hypothesis? – Adam Sep 5 '13 at 6:03"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9753218,"math_prob":0.9951874,"size":1511,"snap":"2019-26-2019-30","text_gpt3_token_len":369,"char_repetition_ratio":0.12276045,"word_repetition_ratio":0.007633588,"special_character_ratio":0.2322965,"punctuation_ratio":0.096463025,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99981505,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2019-07-20T22:40:55Z\",\"WARC-Record-ID\":\"<urn:uuid:1df8be83-04a4-47cc-aa4d-31f8f62d6a8f>\",\"Content-Length\":\"150136\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:3b5f465a-12e6-4e25-bc0b-f625ae9363fe>\",\"WARC-Concurrent-To\":\"<urn:uuid:f58b90ad-c669-4d1e-affa-cf8ca6409182>\",\"WARC-IP-Address\":\"151.101.65.69\",\"WARC-Target-URI\":\"https://math.stackexchange.com/questions/482726/would-proof-of-legendres-conjecture-also-prove-riemanns-hypothesis\",\"WARC-Payload-Digest\":\"sha1:27GX5COPQQUZJQ63XUSBWKWDQD3QWA3G\",\"WARC-Block-Digest\":\"sha1:UU3XFAPPPEK66PHKFIGQ4GWJF7JSKCAK\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2019/CC-MAIN-2019-30/CC-MAIN-2019-30_segments_1563195526714.15_warc_CC-MAIN-20190720214645-20190721000645-00430.warc.gz\"}"} |
https://quics.umd.edu/publications/computational-notions-quantum-min-entropy | [
"# Computational Notions of Quantum Min-Entropy\n\n Title Computational Notions of Quantum Min-Entropy Publication Type Journal Article Year of Publication 2017 Authors Chen, Y-H, Chung, K-M, Lai, C-Y, Vadhan, SP, Wu, X Date Published 2017/09/09 Abstract We initiate the study of computational entropy in the quantum setting. We investigate to what extent the classical notions of computational entropy generalize to the quantum setting, and whether quantum analogues of classical theorems hold. Our main results are as follows. (1) The classical Leakage Chain Rule for pseudoentropy can be extended to the case that the leakage information is quantum (while the source remains classical). Specifically, if the source has pseudoentropy at least k, then it has pseudoentropy at least k − ℓ conditioned on an ℓ- qubit leakage. (2) As an application of the Leakage Chain Rule, we construct the first quantum leakage-resilient stream-cipher in the bounded-quantum-storage model, assuming the existence of a quantum-secure pseudorandom generator. (3) We show that the general form of the classical Dense Model Theorem (interpreted as the equivalence between two definitions of pseudo-relativemin-entropy) does not extend to quantum states. Along the way, we develop quantum analogues of some classical techniques (e.g., the Leakage Simulation Lemma, which is proven by a Nonuniform Min-Max Theorem or Boosting). On the other hand, we also identify some classical techniques (e.g., Gap Amplification) that do not work in the quantum setting. Moreover, we introduce a variety of notions that combine quantum information and quantum complexity, and this raises several directions for future work. URL https://arxiv.org/abs/1704.07309"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8322555,"math_prob":0.5735357,"size":1688,"snap":"2022-05-2022-21","text_gpt3_token_len":381,"char_repetition_ratio":0.14370546,"word_repetition_ratio":0.0,"special_character_ratio":0.21090047,"punctuation_ratio":0.125,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9697324,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-05-27T18:15:15Z\",\"WARC-Record-ID\":\"<urn:uuid:423fd01d-b84c-4f82-af09-ce97e154314b>\",\"Content-Length\":\"21478\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:f1e645bb-eb8f-40aa-bee4-a11c8f7024a8>\",\"WARC-Concurrent-To\":\"<urn:uuid:67133b09-feaf-44cf-850b-21ab6046d992>\",\"WARC-IP-Address\":\"128.8.120.41\",\"WARC-Target-URI\":\"https://quics.umd.edu/publications/computational-notions-quantum-min-entropy\",\"WARC-Payload-Digest\":\"sha1:RV3DK63COZ777TF4ZWDNQQVZOVEWTES3\",\"WARC-Block-Digest\":\"sha1:G526JP2TLVPR5CY6PPP7UYATJ4SAFOSE\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-21/CC-MAIN-2022-21_segments_1652662675072.99_warc_CC-MAIN-20220527174336-20220527204336-00726.warc.gz\"}"} |
https://number.rocks/squared/1638/1624 | [
"1638/1624 squared as a fraction\n\nCalculate how much is 1638 square divided by 1624 squared\n\nThe fraction 1638/1624 square is equal to 2683044/2637376 in fraction\n\n(1638/1624)2 =\n2683044/2637376\n\nEvaluate 1638/1624 square\n\n= (1638/1624)2\n\n= 16382/16242\n\n= 2683044/2637376\n\nNext Fraction:"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8396079,"math_prob":0.99875265,"size":174,"snap":"2019-43-2019-47","text_gpt3_token_len":65,"char_repetition_ratio":0.15882353,"word_repetition_ratio":0.0,"special_character_ratio":0.5632184,"punctuation_ratio":0.0,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9997762,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2019-10-14T15:53:52Z\",\"WARC-Record-ID\":\"<urn:uuid:f9621415-024c-44b7-b5fc-ee9f55e27517>\",\"Content-Length\":\"6278\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:44d37fc7-5a00-4f10-889a-ef8e8407e5ee>\",\"WARC-Concurrent-To\":\"<urn:uuid:c63a8d0c-4a81-484e-9956-0f62723e9aae>\",\"WARC-IP-Address\":\"166.62.6.39\",\"WARC-Target-URI\":\"https://number.rocks/squared/1638/1624\",\"WARC-Payload-Digest\":\"sha1:X2FZ3QUIJ7VQPHEP3UWF7ZNEWITPE2IN\",\"WARC-Block-Digest\":\"sha1:BAY53ZDEBJ4LY46MIVDJJWGUGS2LLRTA\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2019/CC-MAIN-2019-43/CC-MAIN-2019-43_segments_1570986653876.31_warc_CC-MAIN-20191014150930-20191014174430-00222.warc.gz\"}"} |
https://www.fernuni-hagen.de/analysis/en/research/zacher.shtml | [
"# Talk by Rico Zacher\n\nOn March 21st, 2022, Prof. Dr. Rico Zacher (University Ulm) gave a talk about \"Li-Yau inequalities for general non-local diffusion equations via reduction to the heat kernel\" as part of the research seminar Analysis of the FernUniversität in Hagen.\n\n## Abstract\n\nI will present a reduction principle to derive Li-Yau inequalities for non-local diffusion problems in a very general framework, which covers both the discrete and continuous setting. The approach is not based on curvature-dimension inequalities but on heat kernel representations of the solutions and consists in reducing the problem to the heat kernel. As an important application we obtain a Li-Yau inequality for positive solutions $u$ to the fractional (in space) heat equation of the form $(-\\Delta)^{\\beta/2}(\\log u)\\le C/t$, where $\\beta\\in (0,2)$. I will also show that this Li-Yau inequality allows to derive a Harnack inequality. The general result is further illustrated with an example in the discrete setting by proving a sharp Li-Yau inequality for diffusion on a complete graph. This is joint work with Frederic Weber (Münster).\n\nSlides of the talk (PDF 299 KB)\n\n## Video of the talk\n\nMarvin Plümer | 04.05.2022"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9146587,"math_prob":0.9424723,"size":1154,"snap":"2023-40-2023-50","text_gpt3_token_len":257,"char_repetition_ratio":0.12782608,"word_repetition_ratio":0.0,"special_character_ratio":0.21403813,"punctuation_ratio":0.066985644,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.97651696,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-09-22T11:11:36Z\",\"WARC-Record-ID\":\"<urn:uuid:f3280419-e538-40ee-a65b-07d0b8f518db>\",\"Content-Length\":\"19265\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:e2e1fdb8-ea26-4bf4-92b9-c8def873a3a1>\",\"WARC-Concurrent-To\":\"<urn:uuid:54f5efa1-a9f7-42cf-bebf-f07656390a8a>\",\"WARC-IP-Address\":\"132.176.184.160\",\"WARC-Target-URI\":\"https://www.fernuni-hagen.de/analysis/en/research/zacher.shtml\",\"WARC-Payload-Digest\":\"sha1:5VHNDMZ4XMNKXUE2CLQLYXPCYXYRJNKC\",\"WARC-Block-Digest\":\"sha1:5QNIGV2UWEI4JKWFPGH2775FICUVFMPJ\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-40/CC-MAIN-2023-40_segments_1695233506399.24_warc_CC-MAIN-20230922102329-20230922132329-00766.warc.gz\"}"} |
https://k4lra.org/and-pdf/205-torque-and-equilibrium-problems-and-solutions-pdf-562-464.php | [
"",
null,
"# Torque And Equilibrium Problems And Solutions Pdf\n\nFile Name: torque and equilibrium problems and solutions .zip\nSize: 19532Kb\nPublished: 07.12.2020",
null,
"",
null,
"Refer to the following information for the next five questions.\n\nIf your institution subscribes to this resource, and you don't have a MyAccess Profile, please contact your library's reference desk for information on how to gain access to this resource from off-campus. Please consult the latest official manual style if you have any questions regarding the format accuracy.\n\nAll examples in this chapter are planar problems. Accordingly, we use equilibrium conditions in the component form of Equation We introduced a problem-solving strategy in Example Now we generalize this strategy in a list of steps to follow when solving static equilibrium problems for extended rigid bodies.\n\n## Section Summary\n\nAll examples in this chapter are planar problems. Accordingly, we use equilibrium conditions in the component form of Equation We introduced a problem-solving strategy in Example Now we generalize this strategy in a list of steps to follow when solving static equilibrium problems for extended rigid bodies. We proceed in five practical steps.\n\nSkip to main content. Search form Search. Static equilibrium problems and solutions. Those forc Static Equilibrium and Elasticity. Solving Statics problems. Now we generalize this strategy in a list of steps to follow when solving static equilibrium problems for extended rigid up a free-body diagram for a rigid-body equilibrium problem is the most important component in the solution proce When both 3. An object in equilibrium which is also at rest is said to be in static equilibrium: its velocity and acceleration are both zero.",
null,
"## Equilibrium and Statics\n\nIf you're seeing this message, it means we're having trouble loading external resources on our website. To log in and use all the features of Khan Academy, please enable JavaScript in your browser. Donate Login Sign up Search for courses, skills, and videos. Science High school physics Torque and angular momentum Torque and equilibrium. Finding torque for angled forces. Practice: Calculating torque. Practice: Equilibrium and applied force.",
null,
"## 12.3: Examples of Static Equilibrium\n\nThe second condition necessary to achieve equilibrium involves avoiding accelerated rotation maintaining a constant angular velocity. A rotating body or system can be in equilibrium if its rate of rotation is constant and remains unchanged by the forces acting on it. To understand what factors affect rotation, let us think about what happens when you open an ordinary door by rotating it on its hinges.\n\nTorque and equilibrium. Rotational inertia and angular second law. There is no resultant force and therefore zero acceleration. This is the currently selected item. So, if you watched the presentation on the center of mass, which you should have, you might have gotten a little bit of a glancing view of what torque is.",
null,
"#### INTRODUCTION\n\nСьюзан была настолько ошеломлена, что отказывалась понимать слова коммандера. - О чем вы говорите. Стратмор вздохнул. - У Танкадо наверняка была при себе копия ключа в тот момент, когда его настигла смерть. И я меньше всего хотел, чтобы кто-нибудь в севильском морге завладел ею. - И вы послали туда Дэвида Беккера? - Сьюзан все еще не могла прийти в .\n\nУ него случился инфаркт. Я сам. Никакой крови. Никакой пули. Беккер снисходительно покачал головой: - Иногда все выглядит не так, как есть на самом деле.\n\nБринкерхофф опрокинул директорский стул и бросился к двери. Он сразу же узнал этот голос.\n\n## Melancholy death of oyster boy and other stories pdf\n\n0 comments\n\n### Leave a comment\n\nit’s easy to post a comment\n\nYou may use these HTML tags and attributes: ```<a href=\"\" title=\"\"> <abbr title=\"\"> <acronym title=\"\"> <b> <blockquote cite=\"\"> <cite> <code> <del datetime=\"\"> <em> <i> <q cite=\"\"> <strike> <strong> ```"
] | [
null,
"https://k4lra.org/img/31dfc900361a321c0c1c0ea1a282608c.jpg",
null,
"https://k4lra.org/1.jpg",
null,
"https://k4lra.org/2.png",
null,
"https://k4lra.org/1.jpg",
null,
"https://k4lra.org/img/367bb5024af510b55f40e28121d184f8.jpg",
null,
"https://k4lra.org/img/782777.jpg",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.55815715,"math_prob":0.6705195,"size":3618,"snap":"2021-21-2021-25","text_gpt3_token_len":872,"char_repetition_ratio":0.12617598,"word_repetition_ratio":0.18021202,"special_character_ratio":0.18656716,"punctuation_ratio":0.111455105,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.97279423,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12],"im_url_duplicate_count":[null,1,null,null,null,null,null,null,null,1,null,1,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-06-14T00:18:33Z\",\"WARC-Record-ID\":\"<urn:uuid:37b831d1-239d-4ec7-86f3-730c0c2ded95>\",\"Content-Length\":\"22303\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:527a2964-3806-4ebc-a079-bc8e819e61c4>\",\"WARC-Concurrent-To\":\"<urn:uuid:1e445c79-3e46-4bea-8565-3c17e3af15a3>\",\"WARC-IP-Address\":\"172.67.168.110\",\"WARC-Target-URI\":\"https://k4lra.org/and-pdf/205-torque-and-equilibrium-problems-and-solutions-pdf-562-464.php\",\"WARC-Payload-Digest\":\"sha1:KHJJMKWQRCJTAMYP2RPPXMEOAXPEJTA3\",\"WARC-Block-Digest\":\"sha1:TD5TNBXHFN7KMFCXIQMCAK5YJCPJEQJ5\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-25/CC-MAIN-2021-25_segments_1623487611089.19_warc_CC-MAIN-20210613222907-20210614012907-00565.warc.gz\"}"} |
https://physics.stackexchange.com/questions/61000/phase-shift-of-resonance?noredirect=1 | [
"# Phase shift of resonance [duplicate]\n\nThis question already has an answer here:\n\nFor resonance to occur, is it true that the force lags behind the motion by $\\pi/2$? I saw some notes written that the motion lags behind the force by $\\pi/2$ which makes no sense to me. As I watched many videos and I worked out the motion, it always happens before the force pushes. E.g. if the force is $F=\\cos\\omega t$ and $x = A\\cos(\\omega t -\\pi/2)$, is it true that force lags behind the motion?\n\nIf it's $\\pi/2$ , does there happen anything special?\n\nAlso, I realised that if there is no damping, we can only get 180 or 0 phase difference, which is quite counterintuitive to me. Can anyone give any example to help me feel better?\n\n## marked as duplicate by Emilio Pisanty, Waffle's Crazy Peanut, user10851, Alan Rominger, Brandon EnrightMay 31 '13 at 1:57\n\nThis question has been asked before and already has an answer. If those answers do not fully address your question, please ask a new question.\n\n## 1 Answer\n\nImagine that the oscillator is a swing and you are the force pushing it. The phase shift is nothing more than the statement that you have to act differently than the swing. Obviously, you shouldn't push in the exact opposite direction (which rules out a phase shift of $\\pi$).",
null,
"Imagine the red line being the amplitude of the swing, and the green line is your push strength.\n\nWhat the optimal phase shift of $\\pi/2$ (which is equivalent to switching $\\sin$ with $\\cos$) tells you is that you change your pushing direction every time the swing is at its maximum amplitude. So, instead of pushing the strongest when the swing amplitude is the biggest, you push the strongest when the amplitude is 0 and don't push at all when the amplitude is at its maximum."
] | [
null,
"https://i.stack.imgur.com/SDC3G.png",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9638654,"math_prob":0.89927286,"size":677,"snap":"2019-35-2019-39","text_gpt3_token_len":178,"char_repetition_ratio":0.13818721,"word_repetition_ratio":0.0,"special_character_ratio":0.26292467,"punctuation_ratio":0.11333334,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9674684,"pos_list":[0,1,2],"im_url_duplicate_count":[null,2,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2019-08-19T01:21:45Z\",\"WARC-Record-ID\":\"<urn:uuid:8427e0b0-1163-42a3-8d9e-1179cdbf18e9>\",\"Content-Length\":\"118628\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:75e6aef8-ae09-4c80-9d0a-987801b6a603>\",\"WARC-Concurrent-To\":\"<urn:uuid:4d897213-a990-4a4f-80af-17188c4012f2>\",\"WARC-IP-Address\":\"151.101.129.69\",\"WARC-Target-URI\":\"https://physics.stackexchange.com/questions/61000/phase-shift-of-resonance?noredirect=1\",\"WARC-Payload-Digest\":\"sha1:I2QGBYZQFOBBFQYF5WQPSPY3XGB3HDSA\",\"WARC-Block-Digest\":\"sha1:JTB6MMUE3QA7FOFPNM5UW2GWL72RAJUF\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2019/CC-MAIN-2019-35/CC-MAIN-2019-35_segments_1566027314638.49_warc_CC-MAIN-20190819011034-20190819033034-00263.warc.gz\"}"} |
http://www.carsten-koenig.de/2020/09/12/matplotlib-performance/ | [
"# Matplotlib Performance\n\nWhen generating images for ever larger growing data sets, the performance in creating and writing them to the disk is no longer negligible. Imagine a data set with 10,000 astronomical sources, each observed in 10 bands. Just writing out an image for each band would result in 100,000 images – leaving apart any analysis plots. Now if each image takes just 100 milliseconds to be generated and saved, just the generation of the figures would already take more than 2.5 hours – and that’s without any data loading, processing, normalization or leave alone analysis. It would therefore be the goal to increase the performance and reduce the computing workload to the absolute minimum necessary, in order not to end up with too long runtime for the data reduction just to get a quick view on the data.\n\nIn this article I will quickly go over a few things you might want to keep in mind when generating a large number of figures using Matplotlib for Python. There are a couple obvious and not so obvious decisions you can make, in order to accelerate creation of your plots.\n\n### The test setup\n\nThis is a simplified version of the test setup I used, in order to investigate the creation times. In order to avoid any cached objects to be reused and flaw the benchmark, it was run for each setup individually in a fresh iPython session. To reduce the parameter space, I only compared PNG (Portable Network Graphics) and PDF (Portable Document Format) files, likely the two most widely used formats for screen and print media, respectively. Similarly only 100 and 300 DPI were used for resolution tests.\n\n```from matplotlib import pyplot as plt\nimport numpy as np\n\ndef testSavefig(format, method, dpi, data):\n'''\nCreate a test figure.\n\n@param format: The file format (png or pdf).\n@param method: The method to be used (either 'fig' or 'plt')\n@param dpi: The resolution to use in DPI.\n@param data: The data to be plotted.\n\n'''\n# Backends to use\nbe = {'png': 'agg',\n'pdf': 'pdf'}\n\n# Create the figure\nfig = plt.Figure()\nax.plot(data)\n\n# Save the figure to a file\nif method == 'fig':\nfig.savefig('test.%s'%format,\ndpi=dpi,\nbackend=be[format])\nelif method == 'plt':\nplt.savefig('test.%s'%format,\ndpi=dpi,\nbackend=be[format])\n\n> format = 'png' # or 'pdf'\n> method = 'fig' # or 'plt'\n> dpi = 100 # resolution in DPI (here 100 or 300)\n> n = 2 # data size order of magnitude\n> data = np.arange(10**n) # simple slope\n> %timeit testSavefig(format, data, method)\n```\n\n### 1.) How to save a figure? (pyplot vs. figure)\n\nThere are two major ways how to create a figure in Matplotlib. When working with pyplot you can use `plt.savefig()` in order to save your active figure. Alternatively you can use the figures own `fig.savefig()` method to save them. As the time to save a figure also depends on the number of objects in it, the number of data points is another parameter to keep in mind.\n\nWe see here a couple of interesting trends:\n\n• The pyplot.savefig() method is significantly slower than the figures own savefig method.\n• For the pyplot.savefig() method it does not matter if we save the figure as either PNG or PDF.\n• PDF creation is faster than PNG creation when created with figure.savefig().\n\nThis means that if you want to create a large amount of figures, use the `figure.savefig()` method, not the `pyplot.savefig()` one, as the former outperforms the latter significantly.\n\nInteresting side note: the bump in the pyplot curves at 105 data points is real and likely arises from some form of memory-object-size mismatch (simply speaking: imagine what happens if you have to put a a 9 byte object through a 8 byte register – you would have to do the operation twice, wasting almost 50% of the bandwidth)\n\n### 2.) The resolution and format (PNG vs PDF vs DPI)\n\nAs we have already seen, saving a figure as PDF is faster than saving it as a PNG. So we will now compare PNG and PDF creation, and will also take into accound two different resolutions: 100 DPI and 300 DPI.\n\nAgain, we see some interesting trends:\n\n• Creation of PNGs is slower for higher resolutions, which is expected for a bitmap format.\n• As seen before, PDFs are created faster than PNGs.\n• For PDFs the resolution has no effect on the creation time (which is expected from a vector format).\n• No matter which format or resolution is used, for extremely high number of data points, the differences become insignificant, indicating some other mechanism dominating the file generation process.\n• On the other hand, below 100,000 data points the differences are approximately constant.\n\nIn conclusion this means that if your plot has less than 100,000 data points, the method you choose can make a significant difference on the runtime. If you create figures for screen inspection, choosing a lower resolution is advisable, although you should still be able to see the details you want to identify in your plots. A hybrid approach of creating PNG thumbnails and linking the PDFs for detailed inspection might be favorable over creating high resolution PNGs.\n\nAlthough not included in the test, it is noteworthy that creating an Encapsulated Post Script (EPS) file, rather than a PDF file, results in another speed-up gain of up to 10 percent over PDF.\n\n### 3.) The use of Latex\n\nIn Matplotlib you have three options when annotating you figures with mathematical expressions:\n\n• use plain text and keep it simple (i.e. use no \\$[…]\\$ notation at all),\n• use Matplotlibs own mathtext capabilities (usetex=False),\n• or use an external Latex package (usetex=True).\n\nAlthough it seems obvious, it is worth mentioning that the choice you make has a significant impact on the creation time of your figures. The following table lists the runtimes for the three methods, when only the x- and y-axis labels contain Latex expressions (or don’t contain it for the plain text example):\n\nFrom these results it is clear, that you should only use an external Latex package, when it is absolutely necessary, as it is about three times slower than the plain text generation and still almost a factor of two slower than using Matplotlibs own mathtext extension. You would probably only use an external Latex package for a small amount of figures, or even just for publication, when you do not iterate any more.\n\n## Closing remarks\n\nNow, PNG is a screen format, whereas PDF is made for print media. So you might actually not have too much of a choice. For print media (E)PS might be an option, although these formats are widely considered outdated. For screen presentations you could maybe switch to SVG (Scalable Vector Graphics), when e.g. working with Jupyter Notebooks in a browser. This should result in similar results like PDF, as it is also a vector format, but as SVG can not be used in all kind of software and displaying it might even in these days still be slightly inconsistent, you would have to check on a case-by-case basis if this is an option.\n\nNote that all the discussion in this article are only relevant, if you have to create a really large number of plots. If you only have to create a few figures for a journal publication or a presentation at a conference – do not bother. In these cases just use the most convenient approach."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.872042,"math_prob":0.7507506,"size":7650,"snap":"2021-31-2021-39","text_gpt3_token_len":1831,"char_repetition_ratio":0.10881507,"word_repetition_ratio":0.015117158,"special_character_ratio":0.26496732,"punctuation_ratio":0.12244898,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.95232594,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-08-05T04:24:25Z\",\"WARC-Record-ID\":\"<urn:uuid:cae32b53-6100-4241-8e6b-5a7c9befd0b1>\",\"Content-Length\":\"67091\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:c28c0d3d-6e9c-4f91-aaec-66f9a70d8008>\",\"WARC-Concurrent-To\":\"<urn:uuid:59c5f2e9-68a6-447a-9702-f615e435dd47>\",\"WARC-IP-Address\":\"134.119.225.67\",\"WARC-Target-URI\":\"http://www.carsten-koenig.de/2020/09/12/matplotlib-performance/\",\"WARC-Payload-Digest\":\"sha1:YEERAGHNAS6PMBTW7AVMZUAZ5OD27W7C\",\"WARC-Block-Digest\":\"sha1:NS4CDNHIAE76SIQDXZOK77DBM5XJ53ZR\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-31/CC-MAIN-2021-31_segments_1627046155322.12_warc_CC-MAIN-20210805032134-20210805062134-00367.warc.gz\"}"} |
https://googology.fandom.com/wiki/-illion | [
"The -illion system is a suffix used to represent the powers of one thousand. It is the only large number system that is widely in use except for systems in eastern Asia which are based on a myriad.\n\n## Short and long scale\n\nThe -illion system has two distinct forms, the long scale and the short scale. Accoring to long and short scale#Current usage, Most English-speaking and Arabic-speaking countries and regions use the short scale, while most continental European countries such as French and German use the long scale, and some countries use both. The long scale was also used in UK English until 1974, when the British usage and the American usage became identical.\n\nThe short scale goes as follows:\n\nThe long scale goes as follows:\n\nSbiis Saibian replaces the long-scale -illion with -illiad.\n\n## Naming systems of zillion numbers\n\n### Conway-Wechsler system\n\nConway and Guy developed a system for extending the zillion numbers according to the rule in this table, which determines n-illion numbers for n<1000. For n<10, standard English name is accepted.\n\nN units tens hundreds\n1 un N deci NX centi\n2 duo MS viginti N ducenti\n3 tre (*) NS triginta NS trecenti\n5 quin (**) NS quinquaginta NS quingenti\n6 se (*) N sexaginta N sescenti\n7 septe (*) N septuaginta N septingenti\n8 octo MX octoginta MX octingenti\n9 nove (*) nonaginta nongenti\n• (*) Note: when it is immediately before a component marked with S or X, \"tre\" increases to \"tres\" and \"se\" to \"ses\" or \"sex\" as appropriate. Similarly \"septe\" and \"nove\" increase to \"septem\" and \"novem\" or \"septen\" and \"noven\" immediately before components marked with M or N.\n• (**) quin is changed from original quinqua, as explained below.\n\nAny zillion from the 10th to the 999th is made by combining parts from the appropriate columns of this table, and then replacing the final vowel by \"illion\". For example,\n\n• 234-th zillion number is named as \"quattuor\" + \"triginta\" + \"ducenti\" + \"llion\" = quattuortrigintaducentillion.\n• 34-th zillion number is named as \"quattuor\" + \"triginta\" = quattuortriginta, replace the final \"a\" with \"illion\" = quattuortrigintillion\n\nMiakinen proposed that as quindecillion is a common name and Latin name of 15 is quindecim, not quinquadecim, quinqua should be replaced to quin, and a similar change to all the Conway-Wechsler names involving the quinqua- prefix should be updated. Robert adopted the suggestion, and call this modified version as the above table as the Conway-Wechsler system.\n\nConway and Guy wrote that this complete system of -illion words first appears in their book, and this system has been widely accepted, with some modifications described below.\n\n### Extending the system\n\nConway and Guy extended this system with Allan Wechsler for N≥1000 as follows.\n\nWith Allan Wechsler we propose to extend this system indefinitely by combining these according to the convention that \"XilliYilliZillion\" (say) denotes the (1000000X + 1000Y + Z)th zillion, using \"nillion\" for the zeroth \"zillion\" when this is needed as a placeholder. So for example the million-and-third zillion is a \"millinillitrillion.\"\n\n### Modified Conway-Wechsler system\n\nEven after changing quinqua to quin, Conway-Wechsler names have some difference from the common names, for example, sedecillion and novendecillion are better known as sexdecillion and novemdecillion respectively. Many people simplified the Conway-Wechsler system, where Cookiefonster summarized as follows. Cookiefonster says that this modified system is faithful to the dictionary -illions and it is accepted so much.\n\nHowever, this system is invalid because the name trecentillion means 2 different values for N=103 and N=300. In googology wiki, the modified system was used for the title of -illion numbers up to 999-illion, but because of this failure of the system, the title is now being changed to the original Conway-Wechsler system, except for the standard dictionary names of sexdecillion and novemdecillion.\n\nN units tens hundreds\n1 un deci centi\n2 duo viginti ducenti\n3 tre triginta trecenti\n5 quin quinquaginta quingenti\n6 sex sexaginta sescenti\n7 septen septuaginta septingenti\n8 octo octoginta octingenti\n9 novem nonaginta nongenti\n\nFish made a list of the -illion numbers of the Conway-Wechsler system and the modified system and a program which created the table.\n\n## In googological notations\n\nFor the short scale:\n\nNotation Expression\nFast-growing hierarchy between $$f_2(f_1^3(n))$$ and $$f_2(f_1^4(n))$$\nHardy hierarchy between $$H_{\\omega^2+\\omega 3}(n)$$ and $$H_{\\omega^2+\\omega 4}(n)$$\nSlow-growing hierarchy $$g_{\\omega^{n+1}}(1,000)$$; just below $$g_{\\omega^\\omega}(n)$$\n\nFor the long scale:\n\nNotation Expression\nFast-growing hierarchy between $$f_2(f_1^4(n))$$ and $$f_2(f_1^5(n))$$\nHardy hierarchy between $$H_{\\omega^2+\\omega 4}(n)$$ and $$H_{\\omega^2+\\omega 5}(n)$$\nSlow-growing hierarchy $$g_{\\omega^{2n}}(1,000)$$; just below $$g_{\\omega^\\omega}(n)$$\n\nFor -illiard:\n\nNotation Expression\nFast-growing hierarchy between $$f_2(f_1^4(n))$$ and $$f_2(f_1^5(n))$$\nHardy hierarchy between $$H_{\\omega^2+\\omega 4}(n)$$ and $$H_{\\omega^2+\\omega 5}(n)$$\nSlow-growing hierarchy $$g_{\\omega^{2n+1}}(1,000)$$; just below $$g_{\\omega^\\omega}(n)$$\n\n## Etymology\n\nAll \"-illion\" terms derive from \"million\", the word for which came from the Italian millione; the augmentative suffix -one applied to the word for \"thousand\", mille. This gives \"million\" the literal definition of roughly \"super thousand\". The pattern of extracting \"illion\" from it was established in 1484 by Nicolas Chuquet in his unpublished book Triparty en la science des nombres, which defined the long-scale senses of Byllion up to Nonyllion.\n\n## Quote\n\n• Although we value [your] donations, we were somewhat surprised to note that none of them ended in \"-illion.\""
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.6223637,"math_prob":0.9179569,"size":10290,"snap":"2022-05-2022-21","text_gpt3_token_len":3420,"char_repetition_ratio":0.1404822,"word_repetition_ratio":0.08104814,"special_character_ratio":0.3325559,"punctuation_ratio":0.080684595,"nsfw_num_words":1,"has_unicode_error":false,"math_prob_llama3":0.9810951,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-05-26T08:52:58Z\",\"WARC-Record-ID\":\"<urn:uuid:531a459f-9b28-40b2-a0b1-7bdd7f74205b>\",\"Content-Length\":\"339469\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:268be7b0-f880-42a5-a8b9-50c0ebbd2bc3>\",\"WARC-Concurrent-To\":\"<urn:uuid:561887f5-3576-4d42-addc-963afc662472>\",\"WARC-IP-Address\":\"151.101.192.194\",\"WARC-Target-URI\":\"https://googology.fandom.com/wiki/-illion\",\"WARC-Payload-Digest\":\"sha1:A2LMKGRALSLYCGJK2J5UHVDS4Q265MJN\",\"WARC-Block-Digest\":\"sha1:4IAOXEVQWFTGS2YQS7BDRTTYK7M7QL5C\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-21/CC-MAIN-2022-21_segments_1652662604495.84_warc_CC-MAIN-20220526065603-20220526095603-00512.warc.gz\"}"} |
https://zbmath.org/?q=an%3A0868.65025 | [
"## Numerical stability of methods for solving augmented systems.(English)Zbl 0868.65025\n\nCensor, Yair (ed.) et al., Recent developments in optimization theory and nonlinear analysis. AMS/IMU special session on optimization and nonlinear analysis, May 24–26, 1995, Jerusalem, Israel. Providence, RI: American Mathematical Society. Contemp. Math. 204, 51-60 (1997).\nSummary: We consider questions of scaling and accuracy of methods for solving the two coupled symmetric linear systems $$Hy+Ax=b$$, $$A^Ty=c$$, where $$A\\in\\mathbb{R}^{m\\times n}$$, $$m\\geq n$$, and $$H\\in \\mathbb{R}^{m\\times m}$$ is symmetric positive definite. Such systems, known in optimization as Karush-Kuhn-Tucker (KKT) systems, are symmetric indefinite and form the kernel in many optimization algorithms. An often used method for solving KKT systems is to compute an $$LDL^T$$ factorization of the system matrix, where $$L$$ is lower triangular and $$D$$ is block-diagonal with $$1\\times 1$$ and symmetric $$2\\times 2$$ pivots. The pivots are chosen according to a scheme by J. R. Bunch and L. Kaufman [Math. Comput. 31, 163-179 (1977; Zbl 0355.65023)].\nFor the standard case, when $$H=I$$, we review results from Å. Björck [Pitman Res. Notes Math. Ser. 260, 1-16 (1992; Zbl 0796.65056)] which show that for the above method to be numerically stable a scaling of the (1,1) block is needed. We give a closed expression for the optimal scaling factor, and show that for this scaling the errors in $$x$$ and $$y$$ are of the same size as from a norm-wise backward stable method. For the case when $$H=D^{-2}$$ is diagonal we recommend a diagonal scaling such that rows of $$A$$ are equilibrated before a block scaling is performed as in the standard case.\nFor sparse problems the scaling has to be a compromise between stability and sparsity, since the optimal scaling usually leads to unacceptable fill-in in the factorization. Accuracy of the computed solution can then usually be restored by fixed precision iterative refinement. A different scheme, due to C. C. Paige and M. A. Saunders [SIAM J. Numer. Anal. 12, 617-629 (1975; Zbl 0319.65025)], which uses SYMMLQ with a preconditioner derived from the $$LDL^T$$ factorization is also described.\nFor the entire collection see [Zbl 0861.00014].\n\n### MSC:\n\n 65F35 Numerical computation of matrix norms, conditioning, scaling 65F50 Computational methods for sparse matrices 65F05 Direct numerical methods for linear systems and matrix inversion 65K05 Numerical mathematical programming methods 90C20 Quadratic programming\n\n### Citations:\n\nZbl 0355.65023; Zbl 0796.65056; Zbl 0319.65025\n\n### Software:\n\nMA47; Harwell-Boeing sparse matrix collection"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.84703255,"math_prob":0.9931343,"size":2943,"snap":"2022-40-2023-06","text_gpt3_token_len":794,"char_repetition_ratio":0.111942835,"word_repetition_ratio":0.0,"special_character_ratio":0.28576282,"punctuation_ratio":0.17102967,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9987669,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-10-03T14:47:33Z\",\"WARC-Record-ID\":\"<urn:uuid:284ae3c2-237c-4209-b365-b1e9bd0cc23b>\",\"Content-Length\":\"53179\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:307b736b-6663-4559-949f-5595187c240a>\",\"WARC-Concurrent-To\":\"<urn:uuid:9086a0c5-6311-4e20-9de7-cdd09cf9ef92>\",\"WARC-IP-Address\":\"141.66.194.2\",\"WARC-Target-URI\":\"https://zbmath.org/?q=an%3A0868.65025\",\"WARC-Payload-Digest\":\"sha1:ILRAZLQBSIZPYMPMZJ3ITICGKPFANNR6\",\"WARC-Block-Digest\":\"sha1:VQHY7S45J7IKTG6O3G3S7UBPWSKG65KP\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-40/CC-MAIN-2022-40_segments_1664030337421.33_warc_CC-MAIN-20221003133425-20221003163425-00708.warc.gz\"}"} |
https://metanumbers.com/53933 | [
"## 53933\n\n53,933 (fifty-three thousand nine hundred thirty-three) is an odd five-digits composite number following 53932 and preceding 53934. In scientific notation, it is written as 5.3933 × 104. The sum of its digits is 23. It has a total of 2 prime factors and 4 positive divisors. There are 49,020 positive integers (up to 53933) that are relatively prime to 53933.\n\n## Basic properties\n\n• Is Prime? No\n• Number parity Odd\n• Number length 5\n• Sum of Digits 23\n• Digital Root 5\n\n## Name\n\nShort name 53 thousand 933 fifty-three thousand nine hundred thirty-three\n\n## Notation\n\nScientific notation 5.3933 × 104 53.933 × 103\n\n## Prime Factorization of 53933\n\nPrime Factorization 11 × 4903\n\nComposite number\nDistinct Factors Total Factors Radical ω(n) 2 Total number of distinct prime factors Ω(n) 2 Total number of prime factors rad(n) 53933 Product of the distinct prime numbers λ(n) 1 Returns the parity of Ω(n), such that λ(n) = (-1)Ω(n) μ(n) 1 Returns: 1, if n has an even number of prime factors (and is square free) −1, if n has an odd number of prime factors (and is square free) 0, if n has a squared prime factor Λ(n) 0 Returns log(p) if n is a power pk of any prime p (for any k >= 1), else returns 0\n\nThe prime factorization of 53,933 is 11 × 4903. Since it has a total of 2 prime factors, 53,933 is a composite number.\n\n## Divisors of 53933\n\n1, 11, 4903, 53933\n\n4 divisors\n\n Even divisors 0 4 2 2\nTotal Divisors Sum of Divisors Aliquot Sum τ(n) 4 Total number of the positive divisors of n σ(n) 58848 Sum of all the positive divisors of n s(n) 4915 Sum of the proper positive divisors of n A(n) 14712 Returns the sum of divisors (σ(n)) divided by the total number of divisors (τ(n)) G(n) 232.235 Returns the nth root of the product of n divisors H(n) 3.66592 Returns the total number of divisors (τ(n)) divided by the sum of the reciprocal of each divisors\n\nThe number 53,933 can be divided by 4 positive divisors (out of which 0 are even, and 4 are odd). The sum of these divisors (counting 53,933) is 58,848, the average is 14,712.\n\n## Other Arithmetic Functions (n = 53933)\n\n1 φ(n) n\nEuler Totient Carmichael Lambda Prime Pi φ(n) 49020 Total number of positive integers not greater than n that are coprime to n λ(n) 24510 Smallest positive number such that aλ(n) ≡ 1 (mod n) for all a coprime to n π(n) ≈ 5491 Total number of primes less than or equal to n r2(n) 0 The number of ways n can be represented as the sum of 2 squares\n\nThere are 49,020 positive integers (less than 53,933) that are coprime with 53,933. And there are approximately 5,491 prime numbers less than or equal to 53,933.\n\n## Divisibility of 53933\n\n m n mod m 2 3 4 5 6 7 8 9 1 2 1 3 5 5 5 5\n\n53,933 is not divisible by any number less than or equal to 9.\n\n## Classification of 53933\n\n• Arithmetic\n• Semiprime\n• Deficient\n\n### Expressible via specific sums\n\n• Polite\n• Non-hypotenuse\n\n• Square Free\n\n### Other numbers\n\n• LucasCarmichael\n\n## Base conversion (53933)\n\nBase System Value\n2 Binary 1101001010101101\n3 Ternary 2201222112\n4 Quaternary 31022231\n5 Quinary 3211213\n6 Senary 1053405\n8 Octal 151255\n10 Decimal 53933\n12 Duodecimal 27265\n20 Vigesimal 6egd\n36 Base36 15m5\n\n## Basic calculations (n = 53933)\n\n### Multiplication\n\nn×i\n n×2 107866 161799 215732 269665\n\n### Division\n\nni\n n⁄2 26966.5 17977.7 13483.2 10786.6\n\n### Exponentiation\n\nni\n n2 2908768489 156878610917237 8460934122599343121 456323560034150372544893\n\n### Nth Root\n\ni√n\n 2√n 232.235 37.782 15.2393 8.83834\n\n## 53933 as geometric shapes\n\n### Circle\n\n Diameter 107866 338871 9.13817e+09\n\n### Sphere\n\n Volume 6.57132e+14 3.65527e+10 338871\n\n### Square\n\nLength = n\n Perimeter 215732 2.90877e+09 76272.8\n\n### Cube\n\nLength = n\n Surface area 1.74526e+10 1.56879e+14 93414.7\n\n### Equilateral Triangle\n\nLength = n\n Perimeter 161799 1.25953e+09 46707.3\n\n### Triangular Pyramid\n\nLength = n\n Surface area 5.03813e+09 1.84883e+13 44036.1\n\n## Cryptographic Hash Functions\n\nmd5 566cf8f56fd4d12cc7a11cbb152b1dfa de31055250dc542bbdf27a89443915d3004f6b1b 526b2d74dc013365ec9d4fc37362deb532ead9d94df9726f60cc8e979d08ce57 f405f9730cc09673acb026b7c7cc4a9c9a9f6d2e540ac8ab62025ee88919e405bf7a3f4c785ca4e1a357b013c732204a27bae5979e9e4bcfb9ae809c0b005c18 aa783c69b0faa185d465e1580697770a31182e64"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.6235927,"math_prob":0.983557,"size":4592,"snap":"2020-34-2020-40","text_gpt3_token_len":1615,"char_repetition_ratio":0.11726242,"word_repetition_ratio":0.029411765,"special_character_ratio":0.4483885,"punctuation_ratio":0.07435898,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99554455,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-08-13T16:28:04Z\",\"WARC-Record-ID\":\"<urn:uuid:e01ca37a-4e7a-45d3-87e9-74905b2ca534>\",\"Content-Length\":\"48306\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:3ea2e135-7d88-4538-a463-e6a4defafaf9>\",\"WARC-Concurrent-To\":\"<urn:uuid:144c5d59-3ccf-42bb-b71f-16e8f034dd16>\",\"WARC-IP-Address\":\"46.105.53.190\",\"WARC-Target-URI\":\"https://metanumbers.com/53933\",\"WARC-Payload-Digest\":\"sha1:UOLINMLOZTNJMSL7XLXJWGFDI2DJUOP6\",\"WARC-Block-Digest\":\"sha1:O472NMZVHQKSKFO5TKON4Y56LTSZCK67\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-34/CC-MAIN-2020-34_segments_1596439739048.46_warc_CC-MAIN-20200813161908-20200813191908-00260.warc.gz\"}"} |
https://robotics.stackexchange.com/questions/6859/how-to-implement-tracking-problem-with-pid-controller | [
"# how to implement tracking problem with PID controller\n\nI'm trying to implement the tracking problem for this example using PID controller. The dynamic equation is\n\n$$I \\ddot{\\theta} + d \\dot{\\theta} + mgL \\sin(\\theta) = u$$\n\nwhere\n\n$\\theta$ : joint variable.\n\n$u$ : joint torque\n\n$m$ : mass.\n\n$L$ : distance between centre mass and joint.\n\n$d$ : viscous friction coefficient\n\n$I$ : inertia seen at the rotation axis.\n\n$\\textbf{Regulation Problem:}$\n\nIn this problem, the desired angle $\\theta_{d}$ is constant and $\\theta(t)$ $\\rightarrow \\theta_{d}$ and $\\dot{\\theta}(t)$ $\\rightarrow 0$ as $t$ $\\rightarrow \\infty$. For PID controller, the input $u$ is determined as follows\n\n$$u = K_{p} (\\theta_{d} - \\theta(t)) + K_{d}( \\underbrace{0}_{\\dot{\\theta}_{d}} - \\dot{\\theta}(t) ) + \\int^{t}_{0} (\\theta_{d} - \\theta(\\tau)) d\\tau$$\n\nThe result is",
null,
"and this is my code main.m\n\nclear all\nclc\n\nglobal error;\nerror = 0;\n\nt = 0:0.1:5;\n\nx0 = [0; 0];\n\n[t, x] = ode45('ODESolver', t, x0);\n\ne = x(:,1) - (pi/2); % Error theta\n\nplot(t, e, 'r', 'LineWidth', 2);\ntitle('Regulation Problem','Interpreter','LaTex');\nxlabel('time (sec)');\nylabel('$\\theta_{d} - \\theta(t)$', 'Interpreter','LaTex');\ngrid on\n\n\nand ODESolver.m is\n\nfunction dx = ODESolver(t, x)\n\nglobal error; % for PID controller\n\ndx = zeros(2,1);\n\n%Parameters:\nm = 0.5; % mass (Kg)\nd = 0.0023e-6; % viscous friction coefficient\nL = 1; % arm length (m)\nI = 1/3*m*L^2; % inertia seen at the rotation axis. (Kg.m^2)\ng = 9.81; % acceleration due to gravity m/s^2\n\n% PID tuning\nKp = 5;\nKd = 1.9;\nKi = 0.02;\n\n% u: joint torque\nu = Kp*(pi/2 - x(1)) + Kd*(-x(2)) + Ki*error;\nerror = error + (pi/2 - x(1));\n\ndx(1) = x(2);\ndx(2) = 1/I*(u - d*x(2) - m*g*L*sin(x(1)));\n\nend\n\n\n$\\textbf{Tracking Problem:}$\n\nNow I would like to implement the tracking problem in which the desired angle $\\theta_{d}$ is not constant (i.e. $\\theta_{d}(t)$); therefore, $\\theta(t)$ $\\rightarrow \\theta_{d}(t)$ and $\\dot{\\theta}(t)$ $\\rightarrow \\dot{\\theta}_{d}(t)$ as $t$ $\\rightarrow \\infty$. The input is\n\n$$u = K_{p} (\\theta_{d} - \\theta(t)) + K_{d}( \\dot{\\theta}_{d}(t) - \\dot{\\theta}(t) ) + \\int^{t}_{0} (\\theta_{d}(t) - \\theta(\\tau)) d\\tau$$\n\nNow I have two problems namely to compute $\\dot{\\theta}_{d}(t)$ sufficiently and how to read from txt file since the step size of ode45 is not fixed. For the first problem, if I use the naive approach which is\n\n$$\\dot{f}(x) = \\frac{f(x+h)-f(x)}{h}$$\n\nthe error is getting bigger if the step size is not small enough. The second problem is that the desired trajectory is stored in txt file which means I have to read the data with fixed step size but I'v read about ode45 which its step size is not fixed. Any suggestions!\n\nEdit:\n\nFor tracking problem, this is my code\n\nmain.m\n\nclear all\nclc\n\nglobal error theta_d dt;\nerror = 0;\n\ni = 1;\nt(i) = 0;\ndt = 0.1;\nnumel(theta_d)\nwhile ( i < numel(theta_d) )\ni = i + 1;\nt(i) = t(i-1) + dt;\nend\n\nx0 = [0; 0];\noptions= odeset('Reltol',dt,'Stats','on');\n[t, x] = ode45(@ODESolver, t, x0, options);\n\ne = x(:,1) - theta_d; % Error theta\n\nplot(t, x(:,2), 'r', 'LineWidth', 2);\ntitle('Tracking Problem','Interpreter','LaTex');\nxlabel('time (sec)');\nylabel('$\\dot{\\theta}(t)$', 'Interpreter','LaTex');\ngrid on\n\n\nODESolver.m\n\nfunction dx = ODESolver(t, x)\n\npersistent i theta_dPrev\n\nif isempty(i)\ni = 1;\ntheta_dPrev = 0;\nend\n\nglobal error theta_d dt ;\n\ndx = zeros(2,1);\n\n%Parameters:\nm = 0.5; % mass (Kg)\nd = 0.0023e-6; % viscous friction coefficient\nL = 1; % arm length (m)\nI = 1/3*m*L^2; % inertia seen at the rotation axis. (Kg.m^2)\ng = 9.81; % acceleration due to gravity m/s^2\n\n% PID tuning\nKp = 35.5;\nKd = 12.9;\nKi = 1.5;\n\nif ( i == 49 )\ni = 48;\nend\n% theta_d first derivative\ntheta_dDot = ( theta_d(i) - theta_dPrev ) / dt;\ntheta_dPrev = theta_d(i);\n\n% u: joint torque\nu = Kp*(theta_d(i) - x(1)) + Kd*( theta_dDot - x(2)) + Ki*error;\nerror = error + (theta_dDot - x(1));\n\ndx(1) = x(2);\ndx(2) = 1/I*(u - d*x(2) - m*g*L*sin(x(1)));\n\ni = i + 1;\nend\n\n\ntrajectory's code is\n\nclear all\nclc\n\na = 0:0.1:(3*pi)/2;\n\nfile = fopen('trajectory.txt','w');\n\nfor i = 1:length(a)\nfprintf(file,'%4f \\n',a(i));\nend\n\nfclose(file);\n\n\nThe result of the velocity is",
null,
"Is this correct approach to solve the tracking problem?\n\n1. The time step requested by ODE45 is not going to match what you have in your file. In your ODESolver() desired thetas are read one after the other and then the last one is repeated. As a result the desired theta was not a function of $t$. I used interp1() to fix that.\n\n2. The time difference between two iteration of ODE45 is not constant so you can't use dt to calculate the $\\Delta{\\theta}$. This is fixed by storing the t in a variable for future reference.\n\n3. Same goes for calculating the integral part of PID.\n\nHere is the new ODESolver():\n\nfunction dx = ODESolver(t, x)\npersistent theta_dPrev time_prev\n\nif isempty(theta_dPrev)\ntheta_dPrev = 0;\ntime_prev = 0;\nend\n\nglobal error theta_d dt time_array;\n\ndx = zeros(2,1);\n\n%Parameters:\nm = 0.5; % mass (Kg)\nd = 0.0023e-6; % viscous friction coefficient\nL = 1; % arm length (m)\nI = 1/3*m*L^2; % inertia seen at the rotation axis. (Kg.m^2)\ng = 9.81; % acceleration due to gravity m/s^2\n\n% PID tuning\nKp = 40;%35.5;\nKd = 10;%12.9;\nKi = 20;%1.5;\n\n% theta_d first derivative\ntheta_desired_current = interp1(time_array,theta_d,t);\nif t==time_prev\ntheta_dDot = 0;\nelse\ntheta_dDot = ( theta_desired_current - theta_dPrev ) / (t-time_prev);\nend\ntheta_dPrev = theta_desired_current;\n\n% u: joint torque\nu = Kp*(theta_desired_current - x(1)) + Kd*( theta_dDot - x(2)) + Ki*error;\nerror = error + (theta_desired_current - x(1))*(t-time_prev);\n\ndx(1) = x(2);\ndx(2) = 1/I*(u - d*x(2) - m*g*L*sin(x(1)));\n\ntime_prev = t;\nend\n\n\nI also changed the main.m to the following:\n\nclear all; close all; clc;\n\nglobal error theta_d dt time_array;\nerror = 0;\n\n% theta_d = sin([1:.1:20]/3);\n\ntime_array=0:dt:dt*(numel(theta_d)-1);\n\nx0 = [0; 0];\noptions= odeset('Reltol',dt,'Stats','on');\n[t_ode, x] = ode45(@ODESolver, [time_array(1),time_array(end)], x0, options);\n\ntheta_desired_ode = interp1(time_array,theta_d,t_ode);\ne = x(:,1) - theta_desired_ode; % Error theta\n\nfigure(1)\nplot(t_ode, x(:,2), 'r', 'LineWidth', 2);\ntitle('Velocity','Interpreter','LaTex');\nxlabel('time (sec)');\nylabel('$\\dot{\\theta}(t)$', 'Interpreter','LaTex');\ngrid on\n\nfigure(2)\nplot(t_ode,x(:,1))\nhold on\nplot(t_ode,theta_desired_ode)\ntitle('Theta','Interpreter','LaTex');\nxlabel('time (sec)');\nylabel('$\\dot{\\theta}(t)$', 'Interpreter','LaTex');\nlegend('Actual Theta', 'Desired Theta')\ngrid on\n\n• wow this is really nice work. Thank you so much. The results are perfect. Mar 24, 2015 at 19:31\n• I'm glad you found it useful. If you plan to implement it on hardware or want to take your control system one step further, try using anti-windup PID instead of the regular one. Mar 24, 2015 at 19:36\n• Any good reference for anti-windup PID? Mar 24, 2015 at 19:41\n• Mar 24, 2015 at 19:44\n• I'm not a big fan of global variables but since you are already using them, you can also set u as global. A better way would be using object-oriented programming. I also want to suggest not using ODE45. Make a loop with fixed time step specially since you seem to be interested in hardware in future. A loop would simulate how your controller and sensors work much much better. Also, it is going to be easier to implement your already developed codes on hardware. Mar 25, 2015 at 16:29\n\nSince both $\\theta_d\\left(t\\right)$ and $\\dot\\theta_d\\left(t\\right)$ are references at your disposal, i.e. you have to provide them in some way, why don't you simply play with $\\dot\\theta_d\\left(t\\right)$ and then compute $\\theta_d\\left(t\\right)$ accordingly by means of integration? As you might know, integration is a well posed operation compared with the derivative.\n\nOn the other hand, $\\dot\\theta\\left(t\\right)$ is a different \"beast\". In physical systems you barely have access to it (you'd need ad-hoc sensors for measuring it). Valid alternatives are: Kalman estimation, Savitzky-Golay filtering, use of proper D term in the controller equipped with a high-frequency pole.\n\n• position reference is more intuitive than velocity reference even though what you are saying is perfect and a good alternative. Since I'm doing simulation, I am able to access to the velocity, therefore data is available every instant. Having said that, your answer is alternative but not a solution to my problem. Thank you so much though. Mar 24, 2015 at 19:17\n• Are you sure that you have a too generic $\\theta_d\\left(t\\right)$ so that you cannot come up with a analytical derivative of it? How do you produce your position reference profile? I'm insisting because these details are very important in practice. What is the purpose of your simulation then? Not to go to a real implementation? Does it have only a didactic purpose? I understand you can solve the specific problem differently, but this peculiarity is too narrow and there's the risk that it hides other issues, as I said. Mar 24, 2015 at 19:54\n• I'm focusing now on simulation to enhance my skills. The problem with hardware is costly first and it needs some space and tools. A lot of academic papers are based on pure simulation. I will stick with it until I got some money and space. :) Mar 24, 2015 at 20:10\n• I see, you've started tackling the problem. \"A lot of academic papers are based on pure simulation\", that's right why our field (I'm in academic, tough I'll never forget I'm an engineer too) is being populated with questionable works and everything's becoming messy. Remember: exercise always your critics and never trust them :-) Good luck for the future. Mar 24, 2015 at 20:21\n\nYou can treat your differential equation as a third order ODE, because of the integral in the PID controller. For this I will denote the integral of $\\theta$ as $\\Theta$, such that the ODE becomes,\n\n$$I\\ddot{\\theta}+d\\dot{\\theta}+mgL\\sin(\\theta)+K_p\\left(\\theta-\\theta_d(t)\\right)+K_i\\left(\\Theta-\\int_0^t\\theta_d(\\tau)d\\tau\\right)+K_d\\left(\\dot{\\theta}-\\dot{\\theta}_d(t)\\right)=0$$\n\nOne way you can write this into MATLAB code would be:\n\nclear all\nclc\n\n% Parameters:\nm = 0.5; % mass (Kg)\nd = 0.0023e-6; % viscous friction coefficient\nL = 1; % arm length (m)\nI = 1/3*m*L^2; % inertia seen at the rotation axis. (Kg.m^2)\ng = 9.81; % acceleration due to gravity m/s^2\n\n% PID tuning\nKp = 5000;\nKi = 166667;\nKd = 50;\n\n% Define reference signal\nsyms t\na = 3 * pi / 10;\ntemp = a * t;\n% temp = pi/2 + 0*t;\nr = matlabFunction(temp, 'Vars', t);\nR = matlabFunction(int(temp,t), 'Vars', t);\ndr = matlabFunction(diff(temp), 'Vars', t);\nclear temp t\n\nfun = @(t,x) [x(2); x(3); -m*g*L/I*sin(x(2))-d/I*x(3)] - [0; 0; ...\nKp / I * (x(2) - r(t)) + ...\nKi / I * (x(1) - R(t)) + ...\nKd / I * (x(3) - dr(t))];\n\nT = linspace(0, 5, 1e3);\nx0 = [0; 0; 0];\n[t, Y] = ode45(@(t,x) fun(t,x), T, x0);\n\ny = zeros(size(t));\nfor i = 1 : length(t)\ny(i) = r(t(i));\nend\n\nfigure\nsubplot(2,1,1)\nplot(t, y, t, Y(:,2))\nxlabel('Time [s]')"
] | [
null,
"https://i.stack.imgur.com/3EFpL.png",
null,
"https://i.stack.imgur.com/Lr1EO.png",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.5871743,"math_prob":0.9978928,"size":4119,"snap":"2023-40-2023-50","text_gpt3_token_len":1465,"char_repetition_ratio":0.117375456,"word_repetition_ratio":0.21502209,"special_character_ratio":0.40058267,"punctuation_ratio":0.1799569,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99988997,"pos_list":[0,1,2,3,4],"im_url_duplicate_count":[null,10,null,10,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-12-04T06:18:16Z\",\"WARC-Record-ID\":\"<urn:uuid:f2930e21-b421-4bff-9d52-d1a12f48269f>\",\"Content-Length\":\"213938\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:9c8210f4-70ac-4f5f-9cd7-b4693c4cb9c5>\",\"WARC-Concurrent-To\":\"<urn:uuid:6c9497a8-eaaa-4814-ab1e-f4198e4d12a8>\",\"WARC-IP-Address\":\"172.64.144.30\",\"WARC-Target-URI\":\"https://robotics.stackexchange.com/questions/6859/how-to-implement-tracking-problem-with-pid-controller\",\"WARC-Payload-Digest\":\"sha1:X6TZYB57FASCNQYX4OFKKTZP53TMMDWU\",\"WARC-Block-Digest\":\"sha1:NOLHUMR53F7TJGXPEETMAX6KSX2BCQ5K\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-50/CC-MAIN-2023-50_segments_1700679100525.55_warc_CC-MAIN-20231204052342-20231204082342-00021.warc.gz\"}"} |
https://www.practiceaptitudetests.com/resources/numerical-reasoning-test-practice-currency-conversion/ | [
"Currency conversions can sometimes seem daunting, but if you know how to approach them they become a lot easier.\n\nImagine you are told that the exchange rate for pounds to euros was £1 to €1.175 and you are asked to calculate how many pounds you could exchange for one euro.\n\nSaying £1 to €1.175 euros is the same as saying £1 equals €1.175.\n\nWhen applying mathematics to one side of a ratio the same must be done to the other. SO, if we wanted to find how many pounds we could exchange for one euro we need to do a calculation that changes this ratio to one that looks like this:\n\nIf you divide any number by itself you will always be left with 1, which is what we are trying to turn 1.175 into.\n\nSo we need to divide 1.175 by itself, and if we are dividing one side of the ratio by 1.175 we must do the same to the other. This leaves us with 0.851 pounds.\n\nSo, the answer is 0.851 pounds to 1 dollar."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.97751987,"math_prob":0.97956383,"size":896,"snap":"2020-45-2020-50","text_gpt3_token_len":222,"char_repetition_ratio":0.117713004,"word_repetition_ratio":0.0,"special_character_ratio":0.2700893,"punctuation_ratio":0.10576923,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9846655,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-11-29T09:45:00Z\",\"WARC-Record-ID\":\"<urn:uuid:adf52d28-5e5e-4a39-84c0-df18d44b3816>\",\"Content-Length\":\"123681\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:31dd27c3-69aa-47c9-a363-38bf1f4ec1a6>\",\"WARC-Concurrent-To\":\"<urn:uuid:4e7259e2-43a1-482e-885f-0f727502f92c>\",\"WARC-IP-Address\":\"104.248.63.231\",\"WARC-Target-URI\":\"https://www.practiceaptitudetests.com/resources/numerical-reasoning-test-practice-currency-conversion/\",\"WARC-Payload-Digest\":\"sha1:GLDNABHK5LI3JGYWDHSDZVPUYN26FI3F\",\"WARC-Block-Digest\":\"sha1:J2VLE76KW2UTJ5SFED3A6JRMFOPPY5T4\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-50/CC-MAIN-2020-50_segments_1606141197593.33_warc_CC-MAIN-20201129093434-20201129123434-00389.warc.gz\"}"} |
http://kamerynjw.net/2019/12/04/omegath-hod.html | [
"McAloon proved in the 70s that $\\mathrm{HOD}^\\omega$—i.e. the intersection of $\\mathrm{HOD}$, the $\\mathrm{HOD}$ of $\\mathrm{HOD}$, and so on iterated out finitely far—may fail to satisfy choice. I decided to write up an exposition of his result because (1) it seems to be underappreciated and (2) I wanted to understand it and writing up an exposition of it was a good way to make that happen. (Added after writing: In this regard this was successful! There were some details I convinced myself I understood on the first read-through but had to revisit to really understand to write this post.)\n\nMy main reference here is section 6 of Zadrożny’s 1983 paper “Iterated ordinal definability”. References for the below-cited results can be found therein.\n\nLet me start with the background context. It is well-known that there is a class forcing which forces the ground model to be the $\\mathrm{HOD}$ of the extension. Thus, the only axioms which ZFC proves must be satisfied by $\\mathrm{HOD}$ are ZFC itself. In particular, $\\mathrm{HOD}$ may fail to satisfy $V = \\mathrm{HOD}$ and it is possible that $\\mathrm{HOD}^\\mathrm{HOD} \\ne \\mathrm{HOD}$.\n\nAs such it is sensible to iterated $\\mathrm{HOD}$. Let $\\mathrm{HOD}^0 = V$, $\\mathrm{HOD}^{\\alpha+1} = \\mathrm{HOD}^{\\mathrm{HOD}^\\alpha}$ and $\\mathrm{HOD}^\\gamma = \\bigcap_{\\alpha < \\gamma} \\mathrm{HOD}^\\alpha$ for limit ordinals $\\gamma$. As this definition takes place in the metatheory, it is natural to inquire as to whether $\\mathrm{HOD}^\\alpha$ is definable. Of course, the sticking point is that you need uniform access to the sequence of iterated $\\mathrm{HOD}$s below a limit ordinal, because the successor stage preserves definability.\n\nTheorem (Grigorieff): If the universe is constructible from a set then $\\mathrm{HOD}^\\alpha$ is uniformly definable for all $\\alpha$.\n\nIn general, however, even the $\\omega$-th $\\mathrm{HOD}$ may fail to be definable. This is a consequence of the following proposition and theorem.\n\nProposition: If the sequence $\\langle \\mathrm{HOD}^\\alpha : \\alpha < \\lambda \\rangle$ is definable, then for each $\\alpha < \\lambda$ we have $\\mathrm{HOD}^\\alpha$ satisfies ZF.\n\nProof: We have to see that the iterated $\\mathrm{HOD}$s are transitive, closed under the Gödel operations, and almost universal. The first two of these are obvious, so let us check the third. The only substantive case is if $\\gamma < \\lambda$ is limit. Suppose that $X$ is a subset of $\\mathrm{HOD}^\\gamma$. We want to find a set $Y \\in \\mathrm{HOD}^\\gamma$ which covers $X$. Let $\\beta$ be large enough so that $X \\subseteq V_\\beta$. Then $Y = V_\\beta \\cap \\mathrm{HOD}^\\gamma = V_\\beta \\cap \\bigcap_{\\alpha < \\gamma} \\mathrm{HOD}^\\alpha$ is in $V_{\\beta+1} \\cap \\mathrm{HOD}^\\gamma$ and covers $X$, as desired. QED\n\nTheorem (Harrington): There is a (transitive) model of ZFC whose $\\omega$-th $\\mathrm{HOD}$ does not satisfy ZF.\n\nPutting these together, in Harrington’s model the $\\omega$-th $\\mathrm{HOD}$ is not definable.\n\nThe background now made clear, let me move to the result I want to talk about.\n\nTheorem (McAloon): There is a set-forcing extension of $L$ whose $\\omega$-th $\\mathrm{HOD}$ lacks a well-ordering of its reals.\n\nNote that since McAloon’s model is constructible from a set that the sequence of iterated $\\mathrm{HOD}$s over his model is definable and thus $\\mathrm{HOD}^\\omega$ satisfies ZF.\n\nProof (Following Zadrożny): Let $\\mathbb P$ be the poset to add $\\omega_1$ many Cohen reals, as defined in $L$. Since I will be needing the implementation details, let me be clear just what I mean by this. Conditions in $\\mathbb P$ are finite partial functions from $\\omega \\times \\omega_1$ to $2$, ordered by reverse inclusion. Let $G \\subseteq \\mathbb P$ be generic over $L$ and set $A_k = { (\\ell,\\alpha) \\in G: \\ell \\ge k }$ to be the chunk of $G$ from the $k$-th column on.\n\nWe next force over $L[G]$ to code the $A_k$ in some ordinal definable way. There are multiple ways to do this. Since we are starting over $L$, I will code by the (non)existence of Cohen-generic subsets of a cardinal. Namely, if $X$ is a set of ordinals then we can code $X$ starting at a cardinal $\\kappa$ by the product of $\\mathrm{Add}(\\kappa^{+i},1)$ for $i \\in X$. In $L[G]$, the only cardinal with subsets which are Cohen-generic over $L$ is $\\omega$ itself. So in the further extension by the coding forcing, so long as we choose $\\kappa$ to be uncountable, $X$ is definable using $\\kappa$ as a parameter. And this coding forcing preserves cardinals and preserves the $\\mathrm{GCH}$.\n\nLet me be a bit more precise. Fix a set of ordinals $X$ and a cardinal $\\kappa$. Let $\\mathbb C(X,\\kappa)$ be the full-support product of $\\mathrm{Add}(\\kappa^{+i},1)$ for $i \\in X$. Then $\\mathbb C(X,\\kappa)$ is $\\mathord<\\kappa$-closed and doesn’t add any Cohen-generic subsets to cardinals $>\\kappa^{+\\sup X}$. In particular, if we put enough space between coding points, then we can code multiple sets without one coding interfering with the other.\n\nWe can iterate this procedure. Start with $X = X^{(0)}$ and $\\kappa = \\kappa_0$ and let $X^{(1)} \\subseteq \\mathbb C(X^{(0)},\\kappa_0)$ be generic over the ground model $M$. We can think of $X^{(1)}$ as a set of ordinals; literally it is a function from a set of ordinals to sets of ordinals, but since the sets in the range are disjoint we can just think of $X^{(1)}$ as being the union of the range. We can then take $\\kappa_1$ large enough and force over $M[X^{(1)}]$ with $\\mathbb C(X^{(1)},\\kappa_1)$. And we can do this out to $\\omega$, coding the $k$-th generic $X^{(k)}$ above $\\kappa_k$, amounting to a full-support $\\omega$-length iteration. I will be using this later, so let’s call this $\\omega$-length iteration $\\mathbb S(X, \\kappa)$. (Earlier, $\\mathbb C$ was for “coding”, here $\\mathbb S$ is for “self-encoding”, as the generic codes itself into the pattern of which cardinals have Cohen-generic subsets.)\n\nAs we can space out $\\mathbb C(X,\\kappa)$ codings to not interfere with each other, it is clear that we can space out $\\mathbb S(X,\\kappa)$ codings to not interfere with each other. We know in advance how much space we need to code $X^{(0)} = X$, from which we can then calculate how much space we need to code $X^{(1)}$, and then how much to code $X^{(2)}$, and so on. So given a bunch of sets of ordinals $X_i$, $i \\in I$, to code, we can pick $\\kappa_i$ so that the $\\mathbb S(X_i,\\kappa_i)$ codings don’t interfere with each other. That is, if we force with the full-support product of the $\\mathbb S(X_i, \\kappa_i)$ then all of the $X_i^{(k)}$ are ordinal definable by looking at a contiguous block of cardinals and querying which of them have subsets which are Cohen-generic over $L$. (Observe that we are using full-support to ensure we don’t add any Cohen reals.)\n\nLet me summarize the situation and explain how we will apply these coding forcings. We forced over $L$ to get $L[G]$ where we added $\\omega_1$ many Cohen reals. We then take the chunks $A_k$ of $G$, $k < \\omega$, and we force with $\\prod_{k < \\omega} \\mathbb S(A_k, \\kappa_k)$ to code them in an ordinal-definable way. We will require that $\\kappa_0 > \\omega_1$ to make a later closure argument work. (The $A_k$ are not sets of ordinals, but we can consider them as such via our favorite pairing function.) Let $H$ be generic over $L[G]$ for this forcing. So in $L[G][H]$ not only are each $A_k$ ordinal definable, but so are the sets witnessing their ordinal definability, the sets witnessing the ordinal definability of those sets, and so on. In fact, we don’t even need ordinal parameters to define them; since we are only coding countably many sets we can code them at sufficiently spaced-out definable without parameters coding points to get that they are themselves definable without parameters.\n\nWe don’t actually want to go all the way to $L[G][H]$. It has too much information and so its $\\mathrm{HOD}$ is too big, being all of $L[G][H]$. We have to thin it out. Inside $L[G][H]$, let $B = \\bigcup_{k < \\omega} A_k^{(k)}$ and for $\\ell \\in \\omega$ let $B_\\ell = \\bigcup_{k < \\omega} A_{\\ell + k}^{(k)} = \\bigcup_{\\ell \\le k < \\omega} A_k^{(k-\\ell)}$. In particular, $B = B_0$. Our desired model is $L[B]$.\n\nClaim: In $L[B]$, we have $\\mathrm{HOD}^\\ell = L[B_\\ell]$ for $\\ell < \\omega$.\n\nThis is seen by induction. Work inside $(\\mathrm{HOD}^{\\ell})^{L[B]} = L[B_\\ell]$. Observe that $B_{\\ell+1}$ is ordinal definable, because an ordinal $i$ is in $B_{\\ell+1}$ if and only if $i$ is in one of the coding blocks, say the $k$-th one, and there is a subset of $(\\kappa_k)_k$ which is Cohen-generic over $L$. Thus, $L[B_{\\ell+1}] \\subseteq \\mathrm{HOD}^{L[B_\\ell]}$. For the other inclusion, note that $L[B_\\ell]$ is generic over $L[B_{\\ell+1}]$ for a forcing that adds Cohen-generic subsets to certain cardinals. So by a standard homogeneity argument we get that $\\mathrm{HOD}^{L[B_\\ell]} \\subseteq L[B_{\\ell+1}]$.\n\nThus, we get that in $L[B]$ that the $\\ell$-th iterated $\\mathrm{HOD}$s are all different, for $k < \\omega$. Since $L[B]$ is constructible from a set $(\\mathrm{HOD}^\\omega)^{L[B]} = \\bigcap_{\\ell < \\omega} L[B_\\ell]$ is a definable class over $L[B]$ and by the above proposition must satisfy ZF. It remains only to see that this model, call it $N$ so as to not have to write out $(\\mathrm{HOD}^\\omega)^{L[B]}$ ever again, does not have a well-order of its reals.\n\nEach of the models $L[B_\\ell]$ satisfies the $\\mathrm{GCH}$ and agrees with $L$ about which ordinals are cardinals. So if $N$ did have a well-order of its reals then it would have a well-order of ordertype ${\\omega_1}^L$. Thus there would be $X \\subseteq {\\omega_1}^L$ in $N$ so that every real in $N$ is in $L[X]$. As such, to show that $N$ does not have a well-order of its reals it suffices to prove there is no such $X$. Toward this, fix $X \\subseteq \\omega_1$ in $N$.\n\nObserve that $L[G][B] = L[B]$ because $A_0 = G \\in L[B]$. But the forcing to add $B$ over $L[G]$ doesn’t add new subsets of $\\omega_1$, because we did all the coding above $\\omega_1$. So it must be that $X \\in L[G]$. Because $G$ is generic for the forcing to add $\\omega_1$ many Cohen reals, a standard ccc argument gives that there is some countable ordinal $\\alpha$ so that $X \\in L[G \\cap (\\omega \\times \\alpha)]$. That is, we only needed a countable piece of $G$ to add $X$. Now let $c$ be the $\\alpha$-th row of $G$, i.e. $c = { n \\in \\omega : (n,\\alpha) \\in G }$. Then $c$ is a Cohen real over $L[G \\cap (\\omega \\times \\alpha)]$ and so in particular $c \\not \\in L[X]$. Notice, however, that $c \\in L[B_\\ell]$ for each $\\ell$, because a tail of $c$ is the $\\alpha$-th row of $A_\\ell \\in L[B_\\ell]$. So $c \\in N$, witnessing that there is a real in $N$ which is not constructible from $X$. This completes the argument that $N$ does not have a well-order of its reals. QED"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.86482847,"math_prob":0.99989295,"size":10846,"snap":"2021-43-2021-49","text_gpt3_token_len":3211,"char_repetition_ratio":0.14951116,"word_repetition_ratio":0.026598755,"special_character_ratio":0.29651484,"punctuation_ratio":0.091533184,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9999943,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-10-19T14:47:19Z\",\"WARC-Record-ID\":\"<urn:uuid:4a1c6513-8393-4dcb-8646-a2a59f0dda77>\",\"Content-Length\":\"16255\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:9562fe61-1053-4952-905e-082a3c5c7d5c>\",\"WARC-Concurrent-To\":\"<urn:uuid:8991e439-1f76-4c54-a4e0-b6e941c89472>\",\"WARC-IP-Address\":\"185.199.109.153\",\"WARC-Target-URI\":\"http://kamerynjw.net/2019/12/04/omegath-hod.html\",\"WARC-Payload-Digest\":\"sha1:5SF4UR5PE5VWCR533YHFF734Q3TIVPBT\",\"WARC-Block-Digest\":\"sha1:2GBYZAVBS7YSKTMSTSBIM44BTOTFHQMM\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-43/CC-MAIN-2021-43_segments_1634323585270.40_warc_CC-MAIN-20211019140046-20211019170046-00687.warc.gz\"}"} |
https://ptmts.org.pl/jtam/index.php/jtam/article/view/4158 | [
"Journal of Theoretical\nand Applied Mechanics\n\n55, 2, pp. 407-420, Warsaw 2017\nDOI: 10.15632/jtam-pl.55.2.407\n\n### Parameter estimation of a discrete model of a reinforced concrete slab\n\nMałgorzata Abramowicz, Stefan Berczyński, Tomasz Wróblewski\nThis paper presents parameter estimation of a mathematical model regarding natural vibrations\nof a reinforced concrete slab. Parameter estimation is based on experiments conducted\non a real reinforced concrete slab. Estimated parameters include: substitute longitudinal\nmodulus of elasticity of the reinforced concrete slab, which takes into account longitudinal\nreinforcement, effective thickness of the reinforced concrete slab and coefficient of damping.\nUsing appropriate criteria during, the process of parameter estimation of the reinforcement\nconcrete slab models has a great impact on obtaining precise results. The estimation criteria\nare selected in order to achieve consistency of natural vibration frequencies along with the\nFrequency Response Function measured during experiments with those calculated with the\nmathematical model. The model and all the calculations have been made using MATLAB\nprogramming environment.\nKeywords: rigid finite element (RFE) model, reinforced concrete slab, estimation criteria, modal parameters, vibrations"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.7960281,"math_prob":0.88635135,"size":2153,"snap":"2021-21-2021-25","text_gpt3_token_len":404,"char_repetition_ratio":0.15774779,"word_repetition_ratio":0.8181818,"special_character_ratio":0.18207152,"punctuation_ratio":0.12391931,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9760658,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-05-15T20:04:12Z\",\"WARC-Record-ID\":\"<urn:uuid:df6f5621-312b-4db7-a5f2-531b52f73dea>\",\"Content-Length\":\"18776\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:ea935767-f0a4-4ec4-aabb-e55af03183a9>\",\"WARC-Concurrent-To\":\"<urn:uuid:89971e27-da43-4b80-85b9-11ec5f05af3b>\",\"WARC-IP-Address\":\"212.85.123.71\",\"WARC-Target-URI\":\"https://ptmts.org.pl/jtam/index.php/jtam/article/view/4158\",\"WARC-Payload-Digest\":\"sha1:5Y4ISO3OGQ3FP7KW5U7QNHAOXRP7XRAS\",\"WARC-Block-Digest\":\"sha1:GU2QHM2OWFC2J2KI7VWRFFUG4UXLXSAR\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-21/CC-MAIN-2021-21_segments_1620243991378.52_warc_CC-MAIN-20210515192444-20210515222444-00177.warc.gz\"}"} |
https://matholympiad.org.bd/forum/viewtopic.php?f=41&t=4088&p=20739 | [
"## Number theory\n\nProblem for Secondary Group from Divisional Mathematical Olympiad will be solved here.\nForum rules\nPlease don't post problems (by starting a topic) in the \"Secondary: Solved\" forum. This forum is only for showcasing the problems for the convenience of the users. You can post the problems in the main Divisional Math Olympiad forum. Later we shall move that topic with proper formatting, and post in the resource section.\nDrake\nPosts: 1\nJoined: Tue Dec 26, 2017 12:00 pm\n\n### Number theory\n\nThe energy of an ordered triple(a,b,c) formed by 3 positive integers a,b,c is said to be n and a<=b<=c and GCD(a,b,c)=1. There are some possible triples for which a^n+b^n+c^n is divisible by a+b+c for all n>0. Find the maximum possible value of a+b+c.\n\nsamiul_samin\nPosts: 1007\nJoined: Sat Dec 09, 2017 1:32 pm\n\n### Re: Number theory\n\nI'll Latex it for you:\nThe energy of a ordered triple ($a,b,c$) formed by $3$ positive integers $a,b,c$ is said to be $n$ and $a\\leq b\\leq c$ & GCD($a,b,c$)$=1$.There are some possible triples for $a^n+b^n+c^n$ is divisible by $a+b+c$ for all $n>0$.Find the maximum possible value of $a+b+c$.\n\nNote\n\nNABILA\nPosts: 28\nJoined: Sat Dec 15, 2018 5:19 pm\nLocation: Munshigonj, Dhaka\n\n### Re: Number theory\n\nsamiul_samin wrote:\nSat Mar 03, 2018 9:53 pm\nThere are some possible triples for $a^n+b^n+c^n$ is divisible by $a+b+c$ for all $n>0$.\n@Drake\nAre you sure about this?",
null,
"",
null,
"",
null,
"Wãlkîñg, lõvǐñg, $mīlïñg @nd lìvíñg thě Lîfè samiul_samin Posts: 1007 Joined: Sat Dec 09, 2017 1:32 pm ### Re: Number theory NABILA wrote: Wed Jan 16, 2019 1:07 pm samiul_samin wrote: Sat Mar 03, 2018 9:53 pm There are some possible triples for$a^n+b^n+c^n$is divisible by$a+b+c$for all$n>0\\$.\n@Drake\nAre you sure about this?",
null,
"",
null,
"",
null,
"This is from dhaka regional 2017."
] | [
null,
"https://matholympiad.org.bd/forum/images/smilies/icon_exclaim.gif",
null,
"https://matholympiad.org.bd/forum/images/smilies/icon_question.gif",
null,
"https://matholympiad.org.bd/forum/images/smilies/icon_e_ugeek.gif",
null,
"https://matholympiad.org.bd/forum/images/smilies/icon_exclaim.gif",
null,
"https://matholympiad.org.bd/forum/images/smilies/icon_question.gif",
null,
"https://matholympiad.org.bd/forum/images/smilies/icon_e_ugeek.gif",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.84198517,"math_prob":0.9906683,"size":2146,"snap":"2019-51-2020-05","text_gpt3_token_len":684,"char_repetition_ratio":0.11111111,"word_repetition_ratio":0.7025496,"special_character_ratio":0.30102515,"punctuation_ratio":0.13293651,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9921168,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12],"im_url_duplicate_count":[null,null,null,null,null,null,null,null,null,null,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2019-12-08T16:20:20Z\",\"WARC-Record-ID\":\"<urn:uuid:ed3f8448-34c5-43e2-bdcd-cdaee9fbd068>\",\"Content-Length\":\"38248\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:2e8f8668-3dd3-4549-bf4b-6dc33dec12c1>\",\"WARC-Concurrent-To\":\"<urn:uuid:790a80d6-7b87-4221-a15b-9398b15cfcbd>\",\"WARC-IP-Address\":\"167.71.232.37\",\"WARC-Target-URI\":\"https://matholympiad.org.bd/forum/viewtopic.php?f=41&t=4088&p=20739\",\"WARC-Payload-Digest\":\"sha1:CQ6EVIH4DLKQHI5BCA5OEINPXE3WRC5T\",\"WARC-Block-Digest\":\"sha1:TKFHL4N47DH7G4LWM73VHGC4CWJ7UHTE\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2019/CC-MAIN-2019-51/CC-MAIN-2019-51_segments_1575540511946.30_warc_CC-MAIN-20191208150734-20191208174734-00080.warc.gz\"}"} |
https://testbook.com/question-answer/which-of-the-following-is-not-one-of-the-methods-t--615dd1f8876baf0766602bd9 | [
"Which of the following is NOT one of the methods to improve string efficiency of insulators?\n\nThis question was previously asked in\nUPPCL JE Electrical 7 Sept 2021 Official Paper (Shift 2)\nView all UPPCL JE Papers >\n1. Selection of k\n2. Disc porosity\n3. Guard ring\n\nOption 2 : Disc porosity\n\nDetailed Solution\n\nThe ratio of voltage across the whole string to the product of number of discs and the voltage across the disc nearest to the conductor is known as string efficiency.\n\nString efficiency = (conductor voltage)/(number of discs × voltage across the disc nearest to the conductor)\n\nString efficiency of a string of disc insulators can be improved by using following methods.\n\n• By using longer cross-arms: The value of string efficiency depends upon the value of K i.e., ratio of shunt capacitance to mutual capacitance. The lesser the value of K, the greater is the string efficiency and more uniform is the voltage distribution. The value of K can be decreased by reducing the shunt capacitance. In order to reduce shunt capacitance, the distance of conductor from tower must be increased i.e., longer cross-arms should be used. However, limitations of cost and strength of tower do not allow the use of very long cross-arms. In practice, K = 0·1 is the limit that can be achieved by this method.\n• By grading the insulators: In this method, insulators of different dimensions are so chosen that each has a different capacitance. The insulators are capacitance graded i.e. they are assembled in the string in such a way that the top unit has the minimum capacitance, increasing progressively as the bottom unit (i.e., nearest to conductor) is reached. Since voltage is inversely proportional to capacitance, this method tends to equalise the potential distribution across the units in the string. This method has the disadvantage that a large number of different-sized insulators are required. However, good results can be obtained by using standard insulators for most of the string and larger units for that near to the line conductor.\n• By using a guard ring (Static Shielding): The potential across each unit in a string can be equalised by using a guard ring which is a metal ring electrically connected to the conductor and surrounding the bottom insulator. The guard ring introduces capacitance between metal fittings and the line conductor. The guard ring is contoured in such a way that shunt capacitance currents i1, i2 etc. are equal to metal fitting line capacitance currents i′1, i′2 etc. The result is that same charging current I flows through each unit of string. Consequently, there will be uniform potential distribution across the units.\n\nSolution:\n\nDisc porosity is NOT one of the methods to improve string efficiency of insulators."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9253817,"math_prob":0.9391496,"size":2760,"snap":"2022-05-2022-21","text_gpt3_token_len":568,"char_repetition_ratio":0.14114659,"word_repetition_ratio":0.049217,"special_character_ratio":0.19456522,"punctuation_ratio":0.0952381,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9723859,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-01-19T20:22:44Z\",\"WARC-Record-ID\":\"<urn:uuid:5815b19f-e0d8-4c13-822f-61cb2207ea94>\",\"Content-Length\":\"123854\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:02652072-8511-45f7-ab7b-d8355787d0fd>\",\"WARC-Concurrent-To\":\"<urn:uuid:7a83b2f7-1426-49a7-a094-ffe6749d26bc>\",\"WARC-IP-Address\":\"104.22.45.238\",\"WARC-Target-URI\":\"https://testbook.com/question-answer/which-of-the-following-is-not-one-of-the-methods-t--615dd1f8876baf0766602bd9\",\"WARC-Payload-Digest\":\"sha1:GIPFFPQWVU4DPLOLOFPKVVSDLKW7B5E4\",\"WARC-Block-Digest\":\"sha1:KJ74I3ONU36XNVNCQXZAA3P5EPPMI42Y\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-05/CC-MAIN-2022-05_segments_1642320301488.71_warc_CC-MAIN-20220119185232-20220119215232-00295.warc.gz\"}"} |
https://chem.libretexts.org/Bookshelves/Physical_and_Theoretical_Chemistry_Textbook_Maps/Time_Dependent_Quantum_Mechanics_and_Spectroscopy_(Tokmakoff)/02%3A_Introduction_to_Time-Dependent_Quantum_Mechanics/2.01%3A_Time-Evolution_with_a_Time-Independent_Hamiltonian | [
"# 2.1: Time-Evolution with a Time-Independent Hamiltonian\n\n$$\\newcommand{\\vecs}{\\overset { \\rightharpoonup} {\\mathbf{#1}} }$$ $$\\newcommand{\\vecd}{\\overset{-\\!-\\!\\rightharpoonup}{\\vphantom{a}\\smash {#1}}}$$$$\\newcommand{\\id}{\\mathrm{id}}$$ $$\\newcommand{\\Span}{\\mathrm{span}}$$ $$\\newcommand{\\kernel}{\\mathrm{null}\\,}$$ $$\\newcommand{\\range}{\\mathrm{range}\\,}$$ $$\\newcommand{\\RealPart}{\\mathrm{Re}}$$ $$\\newcommand{\\ImaginaryPart}{\\mathrm{Im}}$$ $$\\newcommand{\\Argument}{\\mathrm{Arg}}$$ $$\\newcommand{\\norm}{\\| #1 \\|}$$ $$\\newcommand{\\inner}{\\langle #1, #2 \\rangle}$$ $$\\newcommand{\\Span}{\\mathrm{span}}$$ $$\\newcommand{\\id}{\\mathrm{id}}$$ $$\\newcommand{\\Span}{\\mathrm{span}}$$ $$\\newcommand{\\kernel}{\\mathrm{null}\\,}$$ $$\\newcommand{\\range}{\\mathrm{range}\\,}$$ $$\\newcommand{\\RealPart}{\\mathrm{Re}}$$ $$\\newcommand{\\ImaginaryPart}{\\mathrm{Im}}$$ $$\\newcommand{\\Argument}{\\mathrm{Arg}}$$ $$\\newcommand{\\norm}{\\| #1 \\|}$$ $$\\newcommand{\\inner}{\\langle #1, #2 \\rangle}$$ $$\\newcommand{\\Span}{\\mathrm{span}}$$\n\nThe time evolution of the state of a quantum system is described by the time-dependent Schrödinger equation (TDSE):\n\n$i \\hbar \\frac {\\partial} {\\partial t} \\psi ( \\overline {r} , t ) = \\hat {H} ( \\overline {r} , t ) \\psi ( \\overline {r} , t ) \\label{1.1}$\n\n$$\\hat{H}$$ is the Hamiltonian operator which describes all interactions between particles and fields, and determines the state of the system in time and space. $$\\hat{H}$$ is the sum of the kinetic and potential energy. For one particle under the influence of a potential\n\n$\\hat {H} = - \\frac {\\hbar^{2}} {2 m} \\hat {\\nabla}^{2} + \\hat {V} ( \\overline {r} , t ) \\label{1.2}$\n\nThe state of the system is expressed through the wavefunction $$\\psi ( \\overline {r} , t )$$. The wavefunction is complex and cannot be observed itself, but through it we obtain the probability density\n\n$P = | \\psi ( \\overline {r} , t ) |^{2},$\n\nwhich characterizes the spatial probability distribution for the particles described by $$\\hat{H}$$ at time $$t$$. Also, it is used to calculate the expectation value of an operator $$\\hat{A}$$\n\n\\begin{align} \\langle \\hat {A} (t) \\rangle &= \\int \\psi^{*} ( \\overline {r} , t ) \\hat {A} \\psi ( \\overline {r} , t ) d \\overline {r} \\\\[4pt] &= \\langle \\psi (t) | \\hat {A} | \\psi (t) \\rangle \\label{1.3} \\end{align}\n\nPhysical observables must be real, and therefore will correspond to the expectation values of Hermitian operators ($$\\hat {A} = \\hat {A}^{\\dagger}$$).\n\nOur first exposure to time-dependence in quantum mechanics is often for the specific case in which the Hamiltonian $$\\hat{H}$$ is assumed to be independent of time: $$\\hat {H} = \\hat {H} ( \\overline {r} )$$. We then assume a solution with a form in which the spatial and temporal variables in the wavefunction are separable:\n\n$\\psi ( \\overline {r} , t ) = \\varphi ( \\overline {r} ) T (t) \\label{1.4}$\n\n$i \\hbar \\frac {1} {T (t)} \\frac {\\partial} {\\partial t} T (t) = \\frac {\\hat {H} ( \\overline {r} ) \\varphi ( \\overline {r} )} {\\varphi ( \\overline {r} )} \\label{1.5}$\n\nHere the left-hand side is a function only of time, and the right-hand side is a function of space only ($$\\overline {r}$$, or rather position and momentum). Equation \\ref{1.5} can only be satisfied if both sides are equal to the same constant, $$E$$. Taking the right-hand side we have\n\n$\\frac {\\hat {H} ( \\overline {r} ) \\varphi ( \\overline {r} )} {\\varphi ( \\overline {r} )} = E \\quad \\Rightarrow \\quad \\hat {H} ( \\overline {r} ) \\varphi ( \\overline {r} ) = E \\varphi ( \\overline {r} ) \\label{1.6}$\n\nThis is the Time-Independent Schrödinger Equation (TISE), an eigenvalue equation, for which $$\\varphi ( \\overline {r} )$$ are the eigenstates and $$E$$ are the eigenvalues. Here we note that\n\n$\\langle \\hat {H} \\rangle = \\langle \\psi | \\hat {H} | \\psi \\rangle = E,$\n\nso $$\\hat{H}$$ is the operator corresponding to $$E$$ and drawing on classical mechanics we associate $$\\hat{H}$$ with the expectation value of the energy of the system. Now taking the left-hand side of Equation \\ref{1.5} and integrating:\n\n\\begin{align} i \\hbar \\frac {1} {T (t)} \\frac {\\partial T} {\\partial t} &= E \\\\[4pt] \\left( \\frac {\\partial} {\\partial t} + \\frac {i E} {\\hbar} \\right) T (t) &= 0 \\label{1.7} \\end{align}\n\nwhich has solutions like this:\n\n$T (t) = \\exp ( - i E t / \\hbar ) \\label{1.8}$\n\nSo, in the case of a bound potential we will have a discrete set of eigenfunctions $$\\varphi _ {n} ( \\overline {r} )$$ with corresponding energy eigenvalues $$E_n$$ from the TISE, and there are a set of corresponding solutions to the TDSE.\n\n$\\psi _ {n} ( \\overline {r} , t ) = \\varphi _ {n} ( \\overline {r} ) \\underbrace{\\exp \\left( - i E _ {n} t / \\hbar \\right)}_{\\text{phase factor}} \\label{1.9}$\n\nPhase Factor\n\nFor any complex number written in polar form (such as $$re^{iθ}$$), the phase factor is the complex exponential factor ($$e^{iθ}$$). The phase factor does not have any physical meaning, since the introduction of a phase factor does not change the expectation values of a Hermitian operator. That is\n\n$\\langle \\phi |A|\\phi \\rangle = \\langle \\phi |e^{-i\\theta}Ae^{i\\theta}|\\phi \\rangle$\n\nSince the only time-dependence in $$\\psi _ {n}$$ is a phase factor, the probability density for an eigenstate is independent of time:\n\n$P = \\left| \\psi _ {n} (t) \\right|^{2} = \\text {constant}.$\n\nTherefore, the eigenstates $$\\varphi ( \\overline {r} )$$ do not change with time and are called stationary states.\n\nHowever, more generally, a system may exist as a linear combination of eigenstates:\n\n\\begin{align} \\psi ( \\overline {r} , t ) &= \\sum _ {n} c _ {n} \\psi _ {n} ( \\overline {r} , t ) \\\\[4pt] &= \\sum _ {n} c _ {n} e^{- i E _ {n} t h} \\varphi _ {n} ( \\overline {r} ) \\label{1.10} \\end{align}\n\nwhere $$c_n$$ are complex amplitudes, with\n\n$\\sum _ {n} \\left| c _ {n} \\right|^{2} = 1. \\nonumber$\n\nFor such a case, the probability density will oscillate with time. As an example, consider two eigenstates\n\n\\begin{align} \\psi ( \\overline {r} , t ) &= \\psi _ {1} + \\psi _ {2} \\nonumber \\\\[4pt] &= c _ {1} \\varphi _ {1} e^{- i E _ {1} t / h} + c _ {2} \\varphi _ {2} e^{- i E _ {2} t / h} \\label{1.11} \\end{align}\n\nFor this state the probability density oscillates in time as\n\n\\begin{align} P (t) & = | \\psi |^{2} \\nonumber \\\\[4pt] &= \\left| \\psi _ {1} + \\psi _ {2} \\right|^{2} \\nonumber \\\\[4pt] & = \\left| c _ {1} \\varphi _ {1} \\right|^{2} + \\left| c _ {2} \\varphi _ {2} \\right|^{2} + c _ {1}^{*} c _ {2} \\varphi _ {1}^{*} \\varphi _ {2} e^{- i \\left( \\alpha _ {2} - \\omega _ {1} \\right) t} + c _ {2}^{*} c _ {1} \\varphi _ {2}^{*} \\varphi _ {1} e^{+ i \\left( a _ {2} - \\omega _ {1} \\right) t} \\nonumber \\\\[4pt] & = \\left| \\psi _ {1} \\right|^{2} + \\left| \\psi _ {2} \\right|^{2} + 2 \\left| \\psi _ {1} \\psi _ {2} \\right| \\cos \\left( \\omega _ {2} - \\omega _ {1} \\right) t \\label{1.12} \\end{align}\n\nwhere $$\\omega _ {n} = E _ {n} / \\hbar$$. We refer to this state of the system that gives rise to this time-dependent oscillation in probability density as a coherent superposition state, or coherence. More generally, the oscillation term in Equation \\ref{1.12} may also include a time-independent phase factor $$\\phi$$ that arises from the complex expansion coefficients.\n\nAs an example, consider the superposition of the ground and first excited states of the quantum harmonic oscillator. The basis wavefunctions, $$\\psi _ {0} (x)$$ and $$\\psi _ {1} (x)$$, and their stationary probability densities $$P _ {i} = \\left\\langle \\psi _ {i} (x) | \\psi _ {i} (x) \\right\\rangle$$ are",
null,
"If we create a superposition of these states with Equation \\ref{1.11}, the time-dependent probability density oscillates, with $$\\langle x (t) \\rangle$$ bearing similarity to the classical motion. (Here $$c_0 = 0.5$$ and $$c_1 = 0.87$$.)",
null,
""
] | [
null,
"https://chem.libretexts.org/@api/deki/files/142104/Figure_1.png",
null,
"https://chem.libretexts.org/@api/deki/files/142105/Figure_2.png",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.71384543,"math_prob":0.9999523,"size":7110,"snap":"2022-27-2022-33","text_gpt3_token_len":2391,"char_repetition_ratio":0.1636645,"word_repetition_ratio":0.107344635,"special_character_ratio":0.3724332,"punctuation_ratio":0.09931766,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99999297,"pos_list":[0,1,2,3,4],"im_url_duplicate_count":[null,1,null,1,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-06-25T07:07:01Z\",\"WARC-Record-ID\":\"<urn:uuid:8af6b7c3-bc80-41c2-b6d1-96a342f3305b>\",\"Content-Length\":\"112167\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:e3ca1314-6b6f-4edc-8aed-fe16c352d40d>\",\"WARC-Concurrent-To\":\"<urn:uuid:d0af0356-5ab7-4ff3-a0bc-4b426bb2772a>\",\"WARC-IP-Address\":\"18.67.76.102\",\"WARC-Target-URI\":\"https://chem.libretexts.org/Bookshelves/Physical_and_Theoretical_Chemistry_Textbook_Maps/Time_Dependent_Quantum_Mechanics_and_Spectroscopy_(Tokmakoff)/02%3A_Introduction_to_Time-Dependent_Quantum_Mechanics/2.01%3A_Time-Evolution_with_a_Time-Independent_Hamiltonian\",\"WARC-Payload-Digest\":\"sha1:TX73JVQKBZ74RKD7TDL6XNMY3DSY4HFM\",\"WARC-Block-Digest\":\"sha1:D62D5OVA7UFQ2V2GNSSKC5ILHJ6G5TUU\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-27/CC-MAIN-2022-27_segments_1656103034877.9_warc_CC-MAIN-20220625065404-20220625095404-00796.warc.gz\"}"} |
https://kmmiles.com/3085-9-km-in-miles | [
"kmmiles.com\n\nSearch\n\n# 3085.9 km in miles\n\n## Result\n\n3085.9 km equals 1916.3439 miles\n\nYou can also convert 3085.9 km to mph.\n\n## Conversion formula\n\nMultiply the amount of km by the conversion factor to get the result in miles:\n\n3085.9 km × 0.621 = 1916.3439 mi\n\n## How to convert 3085.9 km to miles?\n\nThe conversion factor from km to miles is 0.621, which means that 1 km is equal to 0.621 miles:\n\n1 km = 0.621 mi\n\nTo convert 3085.9 km into miles we have to multiply 3085.9 by the conversion factor in order to get the amount from km to miles. We can also form a proportion to calculate the result:\n\n1 km → 0.621 mi\n\n3085.9 km → L(mi)\n\nSolve the above proportion to obtain the length L in miles:\n\nL(mi) = 3085.9 km × 0.621 mi\n\nL(mi) = 1916.3439 mi\n\nThe final result is:\n\n3085.9 km → 1916.3439 mi\n\nWe conclude that 3085.9 km is equivalent to 1916.3439 miles:\n\n3085.9 km = 1916.3439 miles\n\n## Result approximation\n\nFor practical purposes we can round our final result to an approximate numerical value. In this case three thousand eighty-five point nine km is approximately one thousand nine hundred sixteen point three four four miles:\n\n3085.9 km ≅ 1916.344 miles\n\n## Conversion table\n\nFor quick reference purposes, below is the kilometers to miles conversion table:\n\nkilometers (km) miles (mi)\n3086.9 km 1916.9649 miles\n3087.9 km 1917.5859 miles\n3088.9 km 1918.2069 miles\n3089.9 km 1918.8279 miles\n3090.9 km 1919.4489 miles\n3091.9 km 1920.0699 miles\n3092.9 km 1920.6909 miles\n3093.9 km 1921.3119 miles\n3094.9 km 1921.9329 miles\n3095.9 km 1922.5539 miles\n\n## Units definitions\n\nThe units involved in this conversion are kilometers and miles. This is how they are defined:\n\n### Kilometers\n\nThe kilometer (symbol: km) is a unit of length in the metric system, equal to 1000m (also written as 1E+3m). It is commonly used officially for expressing distances between geographical places on land in most of the world.\n\n### Miles\n\nA mile is a most popular measurement unit of length, equal to most commonly 5,280 feet (1,760 yards, or about 1,609 meters). The mile of 5,280 feet is called land mile or the statute mile to distinguish it from the nautical mile (1,852 meters, about 6,076.1 feet). Use of the mile as a unit of measurement is now largely confined to the United Kingdom, the United States, and Canada."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.83561325,"math_prob":0.9696095,"size":2279,"snap":"2023-14-2023-23","text_gpt3_token_len":703,"char_repetition_ratio":0.17230769,"word_repetition_ratio":0.0,"special_character_ratio":0.36551118,"punctuation_ratio":0.15708812,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9807636,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-04-02T11:36:54Z\",\"WARC-Record-ID\":\"<urn:uuid:b8b431aa-0100-49c6-9424-b5645c922da7>\",\"Content-Length\":\"19134\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:f3b1f933-2a57-48c0-9e34-92f196db6b41>\",\"WARC-Concurrent-To\":\"<urn:uuid:52461da4-49b3-4cb3-a642-49b0ef4bf9a2>\",\"WARC-IP-Address\":\"104.21.6.102\",\"WARC-Target-URI\":\"https://kmmiles.com/3085-9-km-in-miles\",\"WARC-Payload-Digest\":\"sha1:AY6ZZZ6ULNA44KZQYPQYZJTEXQWFI77Y\",\"WARC-Block-Digest\":\"sha1:XZ6R6THCKTHASCVZPT75SCO6VDFX7LTF\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-14/CC-MAIN-2023-14_segments_1679296950528.96_warc_CC-MAIN-20230402105054-20230402135054-00202.warc.gz\"}"} |
https://enigma-dev.org/forums/index.php?topic=2844.msg26842 | [
"# ENIGMA Development Environment\n\n Pages: 1",
null,
"Author Topic: d3d_unproject (Read 1828 times)",
null,
"Solitudinal",
null,
"Posted on: November 07, 2017, 03:27:49 PM",
null,
"Joined: Aug 2017\nPosts: 23",
null,
"This handy function set allows you to convert a 2d screen coordinate (such as the mouse position) into 3d coordinates - basically the 3d coordinates that it's pointing at.\n\nThis is sometimes called unproject, because it reverses the projection process (which converts 3d coordinates into 2d screen coordinates). It's also sometimes called raycasting, since you are effectively casting a geometric ray from the camera/viewport into 3d space, and then in this case colliding it with the z-depth of whatever pixel it is (e.g. z=0 if you click on the floor).\n\n4 functions are provided:\nd3d_unproject returns a Vector3, if you are ok with OO programming.\nd3d_unproject_x/y/z returns the respective x, y, and z coordinates, in GM's regular functional programming (where functions return a single number, rather than an object).\nAll functions take an x and a y coordinate, which refer to the location respective to the viewport. I.e. d3d_unroject(mouse_x,mouse_y)\nOr if you're weird and actually use views in conjunction with 3d:\nd3d_unproject(mouse_x - view_xview[view_current], mouse_y - view_yview[view_current])\n\nThese functions are a little expensive due to complex math going on behind the scenes, so try not to use them more than a few times every step. I.e. if you're using them for mouse coordinates, consider storing the results in a global variable.\n\nNOTE this only works in OpenGL1, as it depends on a call to gluUnproject. I tried porting the code to OpenGL3, but I'm terrible with matrices and ENIGMA uses an awkward matrix format. I've included my attempted OpenGL3 code below if you want to try and fix it.\n\nCode: [Select]\n`enigma::Vector3 d3d_unproject(gs_scalar x, gs_scalar y){ GLdouble model; GLdouble proj; GLint view; GLdouble retX, retY, retZ; GLfloat gly, glz; glGetDoublev(GL_MODELVIEW_MATRIX,model); glGetDoublev(GL_PROJECTION_MATRIX,proj); glGetIntegerv(GL_VIEWPORT,view); //invert mouse y into openGL y gly = (float)view - (float)y; //Read the depth of the moused pixel as the z //this stops the raycast at the first pixel collision glReadPixels(x,int(gly),1,1,GL_DEPTH_COMPONENT,GL_FLOAT,&glz); gluUnProject(x,gly,glz,model,proj,view,&retX,&retY,&retZ); //TODO: Provide a raycast_to_floor, stopping at a desired z rather than the first pixel collision //I believe the way to do this is to call gluUnProject twice at glz=0 and glz=1 to raycast, //then somehow collide that ray with the desired z. return enigma::Vector3(retX, retY, retZ);}gs_scalar d3d_unproject_x(gs_scalar x, gs_scalar y){ return d3d_unproject(x,y).x;}gs_scalar d3d_unproject_y(gs_scalar x, gs_scalar y){ return d3d_unproject(x,y).y;}gs_scalar d3d_unproject_z(gs_scalar x, gs_scalar y){ return d3d_unproject(x,y).z;}`\n\nOpenGL3 BROKEN code, which I created by researching a few places explaining how gluUnproject works:\nCode: [Select]\n`//This code does not work. Please fix it.enigma::Vector3 d3d_unproject(gs_scalar x, gs_scalar y){ GLint view; GLfloat gly, glz; oglmgr->Transformation(); glGetIntegerv(GL_VIEWPORT,view); //invert mouse y into openGL y gly = (float)view - (float)y; //Read the depth of the moused pixel as the z //this stops the raycast at the first pixel collision glReadPixels(x,y,1,1,GL_DEPTH_COMPONENT,GL_FLOAT,&glz); //Not sure but I think this is broken //Now perform the unproject. //create an unprojection matrix by inverting the MVP. This is probably the part I screwed up. enigma::Matrix4 inv = enigma::view_matrix * enigma::projection_matrix; inv.Inverse(); //Create the normalized ray in GL-space [-1,1] enigma::Vector4 tmp = enigma::Vector4((float)x / (float)view,gly / (float)view,glz,-1.0f); tmp.x = tmp.x * 2.0f - 1.0f; tmp.y = tmp.y * 2.0f - 1.0f; tmp.z = tmp.z * 2.0f - 1.0f; //Cast it enigma::Vector4 obj = inv * tmp; //Un-normalize the result (the magnitude is 1/obj.w) return enigma::Vector3(obj.x / obj.w,obj.y / obj.w,glz / obj.w);}`",
null,
"Logged\n Pages: 1"
] | [
null,
"https://enigma-dev.org/forums/Themes/enigma_v4/images/topic/normal_post.gif",
null,
"https://enigma-dev.org/forums/Themes/enigma_v4/images/onoff/offline_unknown.png",
null,
"https://enigma-dev.org/forums/Themes/enigma_v4/images/xx.gif",
null,
"https://enigma-dev.org/forums/membericons/member.svg.png",
null,
"https://enigma-dev.org/forums/Themes/enigma_v4/images/icons/profile_sm.gif",
null,
"https://enigma-dev.org/forums/Themes/enigma_v4/images/ip.gif",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.7596834,"math_prob":0.9181251,"size":3892,"snap":"2020-24-2020-29","text_gpt3_token_len":1095,"char_repetition_ratio":0.13091564,"word_repetition_ratio":0.10727273,"special_character_ratio":0.26464543,"punctuation_ratio":0.20375,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.97108984,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12],"im_url_duplicate_count":[null,null,null,null,null,null,null,null,null,null,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-07-05T13:24:54Z\",\"WARC-Record-ID\":\"<urn:uuid:acd0902f-24b0-477b-a346-1fb22495838d>\",\"Content-Length\":\"24230\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:a95e11cb-26ce-4c20-8fb4-e2dd8957f6fd>\",\"WARC-Concurrent-To\":\"<urn:uuid:e5d86fd6-e564-44b0-b6c2-47690e894491>\",\"WARC-IP-Address\":\"198.91.88.173\",\"WARC-Target-URI\":\"https://enigma-dev.org/forums/index.php?topic=2844.msg26842\",\"WARC-Payload-Digest\":\"sha1:FPGVBAAGSPQTWQSZ4BSWJXXZLWI6LI3C\",\"WARC-Block-Digest\":\"sha1:UC3MPP76KLA35T57YRG5QUHRVD4XBEUE\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-29/CC-MAIN-2020-29_segments_1593655887360.60_warc_CC-MAIN-20200705121829-20200705151829-00289.warc.gz\"}"} |
http://mojarradi.com/g-power-a-free-statistical-calculator/ | [
"G*Power is a program to calculate statistical power examinations for many distinct T tests, F tests, χ2 tests, z tests and some perfect tests. G*Power can also be used to calculate effect sizes and to show graphically the results of power examinations.\n\nIn order to find the status of an ongoing action you might need to view statistics and this is simple to achieve with the help of programs. G*Power is a simple to use application specially developed for statistics aficionados and students that can grant users power analysis options for various statistical tests.\nAchieve various statistics operations.\n\nThe program is very easy to use, as you just have to pick the correct test type and the desired parameters using the drop down menus. It can achieve calculations for F, t and χ2 tests, z test and some precise tests. The calculation and graph plotting is done in seconds.\n\nThere are various statistical tests that the software is compatible with, counting on the test family you choose. It can achieve regression, correlation, proportion, means, fluctuation and other tests using five distinct kinds of power analysis.\n\nFree – Purchase",
null,
""
] | [
null,
"http://2.gravatar.com/avatar/2e1bfac326cf3dde8852a14614925a9c",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.923569,"math_prob":0.871937,"size":1122,"snap":"2022-27-2022-33","text_gpt3_token_len":220,"char_repetition_ratio":0.14042933,"word_repetition_ratio":0.0,"special_character_ratio":0.18716578,"punctuation_ratio":0.10047847,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.95217717,"pos_list":[0,1,2],"im_url_duplicate_count":[null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-07-06T14:33:35Z\",\"WARC-Record-ID\":\"<urn:uuid:b601abc8-01e3-4d7c-be9e-a2f7e408120f>\",\"Content-Length\":\"125505\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:65522528-0b21-4246-b20f-3a6e24373748>\",\"WARC-Concurrent-To\":\"<urn:uuid:5bad4fe3-ef08-431c-87d8-01f70a0295aa>\",\"WARC-IP-Address\":\"185.105.184.94\",\"WARC-Target-URI\":\"http://mojarradi.com/g-power-a-free-statistical-calculator/\",\"WARC-Payload-Digest\":\"sha1:B4UREONO66NXQOCDSFR4Q4BRK5RBUR5G\",\"WARC-Block-Digest\":\"sha1:UJIRCX5JIR3BTLH6LREZMK3AHTS2UKB2\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-27/CC-MAIN-2022-27_segments_1656104672585.89_warc_CC-MAIN-20220706121103-20220706151103-00052.warc.gz\"}"} |
https://exceptionshub.com/passing-2-index-values-within-nested-ng-repeat.html | [
"Home » Angularjs » passing 2 \\$index values within nested ng-repeat\n\npassing 2 \\$index values within nested ng-repeat\n\nQuestions:\n\nSo I have an ng-repeat nested within another ng-repeat in order to build a nav menu. On each <li> on the inner ng-repeat loop I set an ng-click which calls the relevant controller for that menu item by passing in the \\$index to let the app know which one we need. However I need to also pass in the \\$index from the outer ng-repeat so the app knows which section we are in as well as which tutorial.\n\n<ul ng-repeat=\"section in sections\">\n<li class=\"section_title {{section.active}}\" >\n{{section.name}}\n</li>\n<ul>\n{{tutorial.name}}\n</li>\n</ul>\n</ul>\n\nhere’s a Plunker http://plnkr.co/edit/bJUhI9oGEQIql9tahIJN?p=preview\n\nEach ng-repeat creates a child scope with the passed data, and also adds an additional \\$index variable in that scope.\n\nSo what you need to do is reach up to the parent scope, and use that \\$index.\n\n{{tutorial.name}}\n</li>\n\nQuestions:\n\nWay more elegant solution than \\$parent.\\$index is using ng-init:\n\n<ul ng-repeat=\"section in sections\" ng-init=\"sectionIndex = \\$index\">\n<li class=\"section_title {{section.active}}\" >\n{{section.name}}\n</li>\n<ul>\n{{tutorial.name}}\n</li>\n</ul>\n</ul>\n\nQuestions:\n\nWhat about using this syntax (give a look in this plunker). I just discovered this and it’s pretty awesome.\n\nng-repeat = (key,value) in data\n\nExemple :\n\n<div ng-repeat=\"(indexX,object) in data\">\n<div ng-repeat=\"(indexY,value) in object\">\n{{indexX}} - {{indexY}} - {{value}}\n</div>\n</div>\n\nWith this syntax you can give your own name to \\$index and differentiate the two indexes.\n\nQuestions:\n\nJust to help someone who get here… You should not use \\$parent.\\$index as it’s not really safe. If you add an ng-if inside the loop, you get the \\$index messed!\n\nRight way\n\n<table>\n<tr ng-repeat=\"row in rows track by \\$index\" ng-init=\"rowIndex = \\$index\">\n<td ng-repeat=\"column in columns track by \\$index\" ng-init=\"columnIndex = \\$index\">\n\n<b ng-if=\"rowIndex == columnIndex\">[{{rowIndex}} - {{columnIndex}}]</b>\n<small ng-if=\"rowIndex != columnIndex\">[{{rowIndex}} - {{columnIndex}}]</small>\n\n</td>\n</tr>\n</table>\n\nQuestions:\n\nWhen you are dealing with objects, you want to ignore simple id’s as much as convenient.\n\nIf you change the click line to this, I think you will be well on your way:\n\nAlso, I think you may need to change\n\nclass=\"tutorial_title {{tutorial.active}}\"\n\nto something like\n\nng-class=\"tutorial_title {{tutorial.active}}\"\n\nSee http://docs.angularjs.org/misc/faq and look for ng-class.\n\nQuestions:\n\nI am trying to use the solution that gonzalon proposed. But it does not work in my case.\nI want to have a tooltip with more information when the mouse is over the cell of the table that i create by looping to the rows and cells.\n\nThe values change when in move my mouse over the table cells, but the values for row and column are always both the column number.\n\n<b2b-table>\n<table>\n<tr>\n<th ng-repeat = \"zone in vm.tableData\" >{{zone}}</th>\n\n</tr>\n\n<tbody type=\"body\" ng-repeat=\"row in vm.tableData track by \\$index\" ng-init=\"rowIndex = \\$index\" ng-if=\"\\$index >0\" >\n<tr>\n<th>{{row}}</th>\n<td headers=\"rowheader0\" ng-repeat = \"cell in row track by \\$index\" ng-init=\"columnIndex = \\$index\" ng-if=\"\\$index >0\" ng-mouseover=\"vm.showTooltip(rowIndex, columnIndex)\" ng-mouseleave=\"vm.hideTooltip()\" >\n{{cell}}\n\n</td>\n</tr>\n</tbody>\n\n</table>\n</b2b-table>\n\n</div>"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.65584874,"math_prob":0.4150948,"size":3830,"snap":"2022-05-2022-21","text_gpt3_token_len":1001,"char_repetition_ratio":0.16727653,"word_repetition_ratio":0.045725647,"special_character_ratio":0.28015667,"punctuation_ratio":0.09469154,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.95887256,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-01-18T12:42:38Z\",\"WARC-Record-ID\":\"<urn:uuid:062621d2-0b86-4d66-8cde-a49b070d1d12>\",\"Content-Length\":\"58660\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:f95dfff6-361b-4e90-9e2f-e8b29ceaf9c7>\",\"WARC-Concurrent-To\":\"<urn:uuid:86d9412d-5d11-40a3-9e84-2ebd8aada6b7>\",\"WARC-IP-Address\":\"104.21.18.148\",\"WARC-Target-URI\":\"https://exceptionshub.com/passing-2-index-values-within-nested-ng-repeat.html\",\"WARC-Payload-Digest\":\"sha1:LGIOL4HZMSSMFSMV7VAMTUHPTQ5GDE2W\",\"WARC-Block-Digest\":\"sha1:RHTO7IKOPDERNCDLBZB645HUM35HCPNV\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-05/CC-MAIN-2022-05_segments_1642320300849.28_warc_CC-MAIN-20220118122602-20220118152602-00604.warc.gz\"}"} |
http://alcleeds.com/index.php/lib/a-bowen-type-rigidity-theorem-for-non-cocompact-hyperbolic-groups | [
"# A Bowen type rigidity theorem for non-cocompact hyperbolic by Xiangdong Xie",
null,
"By Xiangdong Xie\n\nWe identify a Bowen kind stress theorem for the elemental staff of a noncompacthyperbolic manifold of finite quantity (with size no less than 3).\n\nSimilar symmetry and group books\n\nAdditional resources for A Bowen type rigidity theorem for non-cocompact hyperbolic groups\n\nSample text\n\n2, K e r \\$ = T . 1. 4 Brauer's permutation lemma The aim of this section is to present a variant of a combinatorial result known as Brauer's permutation lemma (Brauer (1941, Lemma 1)). An extension of this result to nonsplitting fields will be presented in the next section. In what follows, F denotes an arbitrary field and G a finite group. As usual, all FG-modules are assumed to be finitely generated. e. I n v ( V ) = {v E V l g v = v for all g E G} We say that V is a permutation module if there exists a basis of V on which G acts as a permutation group.\n\nLet m be divisible by n and let g E G. rn Then gFm = 1 and, since pm E l(modk), we have g;, = gpt. Thus proving (1). Let z = C g E G z g gE FG. 1, = xpm c z:mgPm(mod[FG,FG]) sEG so x E T ( F G ) if and only if CgEGzimgptE [FG,FG]. 3, we infer that 2 E T ( F G ) if and only if c xim = o for all i E { I , . . ,r } gESi Bearing in mind that the required assertion follows. H The crucial case of the following result, namely the case where p is a prime dividing the order of G is due t o Brauer (1935).\n\nX m } is equal t o the number of A orbits of { K l , . ,Jim}. Furthermore, if c h a r F = 0 , then f o r each a € A, the number of elements of { X I , . . ,x m } fixed by a is equal to the number of elements of (IC1,. . ,K m } fixed by a. Proof. We denote by V and W the permutation FA-modules corresponding to the action of A on { X I , . . , x m } and (IC1,. . ,K m } ,respectively. Let pv and pw be the matrix representations of A afforded by V and W with respect to the bases { x i , . ."
] | [
null,
"https://pics.kisslibrary.com/pics/230135/cover.jpg",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.84933305,"math_prob":0.99625677,"size":1947,"snap":"2019-43-2019-47","text_gpt3_token_len":567,"char_repetition_ratio":0.09006691,"word_repetition_ratio":0.069767445,"special_character_ratio":0.29532614,"punctuation_ratio":0.13882864,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99964845,"pos_list":[0,1,2],"im_url_duplicate_count":[null,6,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2019-11-19T23:18:38Z\",\"WARC-Record-ID\":\"<urn:uuid:f89c3caf-da91-49c2-8c77-932d0745e63d>\",\"Content-Length\":\"29378\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:a7fffe2a-74fd-4994-914e-f0e26344072c>\",\"WARC-Concurrent-To\":\"<urn:uuid:ef50a3e8-34aa-435e-b42d-e548b8c194ad>\",\"WARC-IP-Address\":\"46.235.225.190\",\"WARC-Target-URI\":\"http://alcleeds.com/index.php/lib/a-bowen-type-rigidity-theorem-for-non-cocompact-hyperbolic-groups\",\"WARC-Payload-Digest\":\"sha1:ZRP6AT26524TQOJP6TVN6GHF4XQ2S3EU\",\"WARC-Block-Digest\":\"sha1:DIPZGWPSJTLJL4ROJWLSFA5ERG2OG444\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2019/CC-MAIN-2019-47/CC-MAIN-2019-47_segments_1573496670268.0_warc_CC-MAIN-20191119222644-20191120010644-00215.warc.gz\"}"} |
http://www.codemarvels.com/2013/07/binomial-coefficient/ | [
"# Binomial Coefficient\n\nBinomial Coefficient is represented by nCk which means number of ways of choosing k objects from n objects.It is the coefficient of x^k term in the polynomial expansion of (1+x)^n.It also represents an entry in Pascals Triangle.\n\nProperties-\n\n1. nCk=(n!)/[(k!)*(n-k)!]\n2. nCn=1\n3. nC0=1\n4. nCk=(n-1)C(k)+(n-1)C(k-1)\n5. nCk=(n)C(n-k)\n\nThe task is to find the value of nCk given the values of n and k.\n\nRecursive solution-\n\n```int binomialCoeff(int n, int k)\n{\n// Base Cases\nif (k==0 || k==n)\nreturn 1;\n\n// Recurrence\nreturn binomialCoeff(n-1, k-1) + binomialCoeff(n-1, k);\n}\n```\n\nFor large values of n,there will be many common subproblems.For example-\nTo calculate 5C2,function will be called for 4C2 and 4C1.\nTo calculate 4C1,function will be again called for 3C0 and 3C1.\nTo calculate 4C2,function will be called for 3C1 and 3C2.\nSo,3C1 is being calculated twice.\nThis problem has overlapping sub-problems property.Re-computation of same sub-problems can be avoided by constructing a temporary array C[][] and storing the results like we do in other dynamic programming problems.\n\nDP based solution-\n\n```//C[][] is the temp array\n\nfor(i=0;i<=n;i++)\n{\n\nfor(j=0;j<=i;j++)\n{\n\n//base condition\nif((i==0)||(j==0)) C[i][j]=1;\n\nelse C[i][j]=C[i-1][j-1]+C[i-1][j];\n}\n}\n//C[n][k] gives the result\n```\n\nTime Complexity of this code is O(n*k).\n\nNote-\n\nn,k are non negative integers.\nnCk is valid only for n>0 and 0<=k<=n.\n\nYou may use these HTML tags and attributes: `<a href=\"\" title=\"\"> <abbr title=\"\"> <acronym title=\"\"> <b> <blockquote cite=\"\"> <cite> <code> <del datetime=\"\"> <em> <i> <q cite=\"\"> <s> <strike> <strong> `"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.7454395,"math_prob":0.993382,"size":1382,"snap":"2019-51-2020-05","text_gpt3_token_len":448,"char_repetition_ratio":0.09651669,"word_repetition_ratio":0.0,"special_character_ratio":0.3219971,"punctuation_ratio":0.122257054,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9998328,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-01-27T22:50:46Z\",\"WARC-Record-ID\":\"<urn:uuid:a16ea791-12ec-437b-bc7e-0409b4c70d07>\",\"Content-Length\":\"45008\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:aba185f3-0233-485b-a326-7ad729af22f8>\",\"WARC-Concurrent-To\":\"<urn:uuid:6cb1a6ef-7509-448c-b344-a3eb5811d72a>\",\"WARC-IP-Address\":\"203.124.116.1\",\"WARC-Target-URI\":\"http://www.codemarvels.com/2013/07/binomial-coefficient/\",\"WARC-Payload-Digest\":\"sha1:2YITONB6TL5ALZQP2D2F6DWU3R2SFE25\",\"WARC-Block-Digest\":\"sha1:67FMJCJJEYMNOFFU7ELFW7B7QICROQNV\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-05/CC-MAIN-2020-05_segments_1579251728207.68_warc_CC-MAIN-20200127205148-20200127235148-00226.warc.gz\"}"} |
https://ecmiindmath.org/category/ecmi-nodes/tampere/ | [
"## From data mining to railway embankment excavating",
null,
"Mathematical logic emerged from the need to find out the basics and limits of exact reasoning. Mathematics is by nature unambiguous and consistent and follows the principles of classical logic. However, in the modern scientific community it has been understood that logic – in fact, different logics – has also […]\n\n## Conformal mappings, numerical analysis and mathematical modeling\n\nAntti Rasila Department of Mathematics and Systems Analysis Aalto University Conformal mappings are a class of functions studied in the classical complex analysis, which are defined by the property that they preserve angles between smooth curves. The basic properties of the complex multiplication along with the chain rule give another […]\n\n## Finnish National Network on Mathematical Modelling",
null,
"The Finnish National Network on Mathematical Modelling was founded by the following Finnish universities and their departments (in the alphabetical order). http://math.tut.fi/eu-maths-in/ Lappeenranta University of Technology (LUT), School of Engineering Science. Tampere University of Technology (TUT), Department of Mathematics University of Eastern Finland (UEF) Department of Applied Physics (Kuopio) University […]\n\n## Finnish-Chinese eLearning on Mathematical Modeling: modules on PDE’s and ODE’s.",
null,
"Mathematical modeling and simulation form a crucial method for applying mathematics in practice. With the development of computers and software it has grown into a pivotal R&D-method throughout science. The importance of modeling has been internationally recognized and it has been included into the curricula of many universities. […]\n\n## Online education for mathematical modelling in Finland\n\nSeven Finnish universities have joined their efforts to teach mathematical modelling in Finland with the help of the World Wide Web. By bundling the resources and expertise, they managed to offer modelling courses that would otherwise be beyond the capabilities of the individual universities. The collaboration started 2002 as a […]",
null,
""
] | [
null,
"https://i0.wp.com/ecmiindmath.org/wp-content/uploads/2019/05/Routalevy.jpg",
null,
"https://i0.wp.com/ecmiindmath.org/wp-content/uploads/2017/11/finnish_national_network.jpg",
null,
"https://i0.wp.com/ecmiindmath.org/wp-content/uploads/2017/11/featured1.jpg",
null,
"https://i0.wp.com/ecmiindmath.org/wp-content/uploads/2015/11/cube_experiment.jpg",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.92764705,"math_prob":0.47490442,"size":2382,"snap":"2023-40-2023-50","text_gpt3_token_len":450,"char_repetition_ratio":0.12910008,"word_repetition_ratio":0.057971016,"special_character_ratio":0.18471873,"punctuation_ratio":0.12311558,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.96340847,"pos_list":[0,1,2,3,4,5,6,7,8],"im_url_duplicate_count":[null,5,null,4,null,8,null,8,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-10-03T09:45:03Z\",\"WARC-Record-ID\":\"<urn:uuid:8f079e4f-2b66-4e1e-94ab-14d9657bede7>\",\"Content-Length\":\"219214\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:b35458c4-b082-4aab-b7e3-046215ff0d80>\",\"WARC-Concurrent-To\":\"<urn:uuid:ff1c03dd-b3c0-47c8-9312-2f711949d725>\",\"WARC-IP-Address\":\"192.0.78.222\",\"WARC-Target-URI\":\"https://ecmiindmath.org/category/ecmi-nodes/tampere/\",\"WARC-Payload-Digest\":\"sha1:C5IBYJQVH3ZFJV5VU5MVPMZSN5WBAOHT\",\"WARC-Block-Digest\":\"sha1:TPFH4U5ZSPQULHNY2JH7KEJDPNFN2QNH\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-40/CC-MAIN-2023-40_segments_1695233511075.63_warc_CC-MAIN-20231003092549-20231003122549-00507.warc.gz\"}"} |
http://bucms.bu.edu/twiki/bin/rdiff/TWiki/TWikiPreferences?rev1=90;rev2=89 | [
"Line: 1 to 1\n\n# TWiki Site-Level Preferences\n\nThis topic defines site-level settings that apply to all users and webs on this TWikiSite.\n\nLine: 125 to 125\n\n•",
null,
"NOTE: Keyword `\\$name` gets expanded to filename; `\\$comment` to comment; `\\t` to tab (3 spaces for bullets).\n`<-- verbatim tag required to prevent error in Apache log; does not suppress Set -->`\nChanged:\n<\n<\n• Set ATTACHEDFILELINKFORMAT = \\n * \\$name: \\$comment\n>\n>\n• Set ATTACHEDFILELINKFORMAT = \\n * \\$name: \\$comment\n\n• Format of images when the link check box is checked:\nLine: 270 to 270\nParameterizedVariables for global use are defined here.\n>\n>\n• Children search:\n• Set CHILDREN = %METASEARCH{ type=\"parent\" web=\"%web{ default=\"\" }%\" topic=\"%topic{ default=\"\" }%\" format=\"%format{ default=\"\\$topic\" }%\" separator=\"%separator{ default=\", \" }%\" }%\n\n• TWikiDashboardAddOn variable, documented in VarDASHBOARD:\n• Set DASHBOARD = %INCLUDE{ \"TWiki.TWikiDashboardAddOn\" section=\"%section%\" %IF{ \"'%height{ default=\"\" }%'!=''\" then=\"height=\\\"%height%\\\"\" }% %IF{ \"'%width{ default=\"\" }%'!=''\" then=\"width=\\\"%width%\\\"\" }% %IF{ \"'%ENCODE{ \"%image{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"image=\\\"%image%\\\"\" }% %IF{ \"'%ENCODE{ \"%title{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"title=\\\"%title%\\\"\" }% %IF{ \"'%ENCODE{ \"%button1{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"button1=\\\"%button1%\\\"\" }% %IF{ \"'%ENCODE{ \"%button2{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"button2=\\\"%button2%\\\"\" }% %IF{ \"'%ENCODE{ \"%button3{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"button3=\\\"%button3%\\\"\" }% %IF{ \"'%ENCODE{ \"%button4{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"button4=\\\"%button4%\\\"\" }% %IF{ \"'%ENCODE{ \"%button5{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"button5=\\\"%button5%\\\"\" }% %IF{ \"'%ENCODE{ \"%button6{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"button6=\\\"%button6%\\\"\" }% %IF{ \"'%ENCODE{ \"%button7{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"button7=\\\"%button7%\\\"\" }% %IF{ \"'%ENCODE{ \"%button8{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"button8=\\\"%button8%\\\"\" }% %IF{ \"'%ENCODE{ \"%style{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"style=\\\"%style%\\\"\" }% %IF{ \"'%ENCODE{ \"%titlestyle{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"titlestyle=\\\"%titlestyle%\\\"\" }% %IF{ \"'%ENCODE{ \"%contentstyle{ default=\"\" }%\" type=\"entity\" }%'!=''\" then=\"contentstyle=\\\"%contentstyle%\\\"\" }% }%\nLine: 437 to 440\n\n• Set ENDBG =\n>\n>\n``` * Set TWOCOLUMNS = <div class=\"twikiTwoColumns\">\n* Set THREECOLUMNS = <div class=\"twikiThreeColumns\">\n* Set FOURCOLUMNS = <div class=\"twikiFourColumns\">\n* Set ENDCOLUMNS = </div>\n```\n\n## Miscellaneous Settings\n\nCopyright © 1999-2021 by the contributing authors. All material on this collaboration platform is the property of the contributing authors.\nIdeas, requests, problems regarding TWiki? Send feedback"
] | [
null,
"http://bucms.bu.edu/twiki/pub/TWiki/TWikiDocGraphics/help.gif",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.56606245,"math_prob":0.48487377,"size":594,"snap":"2021-43-2021-49","text_gpt3_token_len":171,"char_repetition_ratio":0.13050847,"word_repetition_ratio":0.020618556,"special_character_ratio":0.32491583,"punctuation_ratio":0.11235955,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9877423,"pos_list":[0,1,2],"im_url_duplicate_count":[null,3,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-10-18T20:31:50Z\",\"WARC-Record-ID\":\"<urn:uuid:cfa7dc49-1a57-4c0e-8e28-b26fec3de0e7>\",\"Content-Length\":\"14291\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:86deac04-c809-4b20-a1aa-27fab9d96677>\",\"WARC-Concurrent-To\":\"<urn:uuid:d684728d-0faa-411a-b918-2a8c500463ec>\",\"WARC-IP-Address\":\"128.197.43.46\",\"WARC-Target-URI\":\"http://bucms.bu.edu/twiki/bin/rdiff/TWiki/TWikiPreferences?rev1=90;rev2=89\",\"WARC-Payload-Digest\":\"sha1:P35CR4KO3GXAL6UIGY653BM7HUKL3TN7\",\"WARC-Block-Digest\":\"sha1:PS5DRSEVAZCHON5ARB46WZPAHC5BKKCI\",\"WARC-Identified-Payload-Type\":\"application/xhtml+xml\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-43/CC-MAIN-2021-43_segments_1634323585209.43_warc_CC-MAIN-20211018190451-20211018220451-00672.warc.gz\"}"} |
https://gameinstitute.qq.com/community/detail/119778 | [
"# Unity Shaders and Effects Cookbook:实现顶点动画\n\n711501594",
null,
"",
null,
"`pragma surface surf Lambert vertex:vert `\n\n2、创建 vert 顶点函数\n\n```void vert(inout appdata_full v,out Input o)\n{\nUNITY_INITIALIZE_OUTPUT(Input,o);\nfloat offsetY=sin(v.vertex.x);\nv.vertex.xyz=float3(v.vertex.x,v.vertex.y+offsetY,v.vertex.z);\n} ```",
null,
"3、使用 _Time ,动起来\n\n```void vert(inout appdata_full v,out Input o)\n{\nUNITY_INITIALIZE_OUTPUT(Input,o);\nfloat offsetY=sin(v.vertex.x + _Time.y);\nv.vertex.xyz=float3(v.vertex.x,v.vertex.y+offsetY,v.vertex.z);\n} ```",
null,
"4、修改法线\n\n```void vert(inout appdata_full v,out Input o)\n{\nUNITY_INITIALIZE_OUTPUT(Input,o);\nfloat offsetY=sin(v.vertex.x + _Time.y);\nv.vertex.xyz=float3(v.vertex.x,v.vertex.y+offsetY,v.vertex.z);\nv.normal=normalize(float3(v.normal.x+offsetY,v.normal.y,v.normal.z));\n}```",
null,
"5、看起来更圆滑些\n\n` float offsetY=sin(v.vertex.x * 0.5 + _Time.y); `",
null,
"```Shader \"CookBookShaders/Chapt7-2/VertexAnimation\"\n{\nProperties\n{\n_MainTex (\"Base (RGB)\", 2D) = \"white\" {}\n}\n{\nTags { \"RenderType\"=\"Opaque\" }\nLOD 200\nCGPROGRAM\n#pragma surface surf Lambert vertex:vert\nsampler2D _MainTex;\nstruct Input\n{\nfloat2 uv_MainTex;\n};\nvoid vert(inout appdata_full v,out Input o)\n{\nUNITY_INITIALIZE_OUTPUT(Input,o);\nfloat offsetY=sin(v.vertex.x * 0.5 + _Time.y);\nv.vertex.xyz=float3(v.vertex.x,v.vertex.y+offsetY,v.vertex.z);\nv.normal=normalize(float3(v.normal.x+offsetY,v.normal.y,v.normal.z));\n}\nvoid surf (Input IN, inout SurfaceOutput o)\n{\nhalf4 c = tex2D (_MainTex, IN.uv_MainTex);\no.Albedo = c.rgb;\no.Alpha = c.a;\n}\nENDCG\n}\nFallBack \"Diffuse\"\n} ```\n\n`Lerp (from : float, to : float, t : float) `\n\nLerp 插值函数\n\nfloat f = Lerp(from,to,t) = from*(1-t) + to*t",
null,
""
] | [
null,
"http://gadimg-10045137.image.myqcloud.com/20171121/5a13ace97e7fe.com/resource/attachment/bc311eaedcb4ffa02723332e6845ca8f",
null,
"http://gadimg-10045137.image.myqcloud.com/20171121/5a13acea39274.com/resource/attachment/d53eb663164dff3af8c747fbbf7d1f21",
null,
"http://gadimg-10045137.image.myqcloud.com/20171121/5a13aceaed635.com/resource/attachment/0785b460610522ffa69ff28dfdb6a826",
null,
"http://gadimg-10045137.image.myqcloud.com/20171121/5a13aceba1189.com/resource/attachment/a771e065c3b527b67826dff0e4216c63",
null,
"http://gadimg-10045137.image.myqcloud.com/20171121/5a13acec936c8.com/resource/attachment/a7ca1e971a57dd29c3c034b3b05c0371",
null,
"http://gadimg-10045137.image.myqcloud.com/20171121/5a13acedcab1f.com/resource/attachment/2c690ca0d67b1c7d36c2259dafaa2c4a",
null,
"https://gad.qpic.cn/tig/img/global/qrcode.png",
null
] | {"ft_lang_label":"__label__zh","ft_lang_prob":0.5576126,"math_prob":0.96032006,"size":2528,"snap":"2020-34-2020-40","text_gpt3_token_len":1283,"char_repetition_ratio":0.17155309,"word_repetition_ratio":0.13944224,"special_character_ratio":0.2567247,"punctuation_ratio":0.24157304,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99889976,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14],"im_url_duplicate_count":[null,1,null,1,null,1,null,1,null,1,null,1,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-09-22T14:34:50Z\",\"WARC-Record-ID\":\"<urn:uuid:873efb3c-6bdc-42fb-9c97-20c37b581119>\",\"Content-Length\":\"35616\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:e5a92c02-4b8e-495f-99cc-cc3f7d6d8eee>\",\"WARC-Concurrent-To\":\"<urn:uuid:4ad5ae3f-43e3-49e7-8f73-c7d38d397835>\",\"WARC-IP-Address\":\"220.249.244.119\",\"WARC-Target-URI\":\"https://gameinstitute.qq.com/community/detail/119778\",\"WARC-Payload-Digest\":\"sha1:GMQLLCJPYXVB2ILEHU3RJZ5B6JAX64P3\",\"WARC-Block-Digest\":\"sha1:DMUXDLTYHZ3MYAISP3HFUPGVVFK4WZAP\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-40/CC-MAIN-2020-40_segments_1600400206133.46_warc_CC-MAIN-20200922125920-20200922155920-00726.warc.gz\"}"} |
https://www.benjamin.pizza/posts/2018-01-10-zip-folding.html | [
"# Zip-Folding\n\nOne of my favourite little gems of functional programming is the following implementation of the dot product:\n\n``````dot :: [Double] -> [Double] -> Double\nxs `dot` ys = sum (zipWith (*) xs ys)``````\n\n`dot` zips two lists of numbers, multiplying each pair of elements using `(*)`, and then aggregates the results with `sum`. It’s like a map-reduce program, but it processes two collections, not one. It generalises rather beautifully to any zippily `Applicative` `Foldable` container whose elements form a `Semiring`:\n\n``````dot :: (Semiring a, Applicative t, Foldable t) => t a -> t a -> a\nxs `dot` ys = foldl' (<+>) zero (liftA2 (<.>) xs ys)``````\n\nI think I’m particularly taken with this example because it combines three different abstractions in a totally natural way to produce a concise and generic implementation of a well-known program. It’s a beautiful demonstration of how these mathematical tools fit together. It also happens to be an example of a programming pattern that I call zip-folding.\n\nUntil recently I felt rather embarrassed that my C# generic programming library Sawmill didn’t have a good story for consuming more than one tree at a time. I had lots of tools for querying, editing, and tearing down single trees, but nothing that could help you process two trees at once. This is a very common requirement - for example, if you’re unit testing a parser or a transformation pass, you need to compare the output tree to the one that you expected.\n\nI got to thinking about what it means to zip two trees together - an operation which should make sense if you think of a tree as a container of subtrees. Pairing up nodes in a tree is straightforward, even if the two trees are unevenly shaped. You just pair up the children of each pair of nodes, ignoring those which don’t have a partner (the grey-coloured ones in the drawing):",
null,
"But I got stuck on how to plug those paired nodes back into a single tree representing the zipped trees. Nodes typically have space for a fixed number of children, but pairing up children will typically change that number. That is, a binary operator has precisely two children, but when zipping two binary operators together you need to do something with four children.\n\nAnd, more generally, what would it mean to zip trees recursively? You can imagine a scheme wherein each child of a node is replaced with a tuple of two children. But each child is really a subtree, with its own children, so the two subtrees need to be zipped - but that ought to produce a single tree, not a pair of trees. It’s contradictory! The intuitive idea that a node in a tree is a container of subtrees fails when you consider zipping.\n\nGuess where this is going: you can’t zip trees to produce a new tree, but you can zip-fold trees to produce a value. The idea is to take pairs of nodes in a tree and combine them with the results of zipping their children.\n\nLet’s start by looking at (an abbreviated version of) Sawmill’s existing `Fold`. `Fold` says if you give me a way to combine a node with the results of folding its children, I can recursively fold the entire tree to produce a single summary value.\n\n``````public static U Fold<T, U>(\nthis T value,\nFunc<T, Children<U>, U> func,\n) where T : IRewritable<T>\n=> func(\nvalue,\nvalue.GetChildren()\n.Select(child => child.Fold(func))\n);``````\n\nRevisiting the JQL example, `Fold` will take an input tree like `[c#] and (not [javascript] or salary:50000gbp)` and compute the expression:\n\n``````func(\nnew AndNode(/* ... */),\nChildren.Two(\nfunc(new TagNode(\"c#\"), Children.None<U>()),\nfunc(\nnew OrNode(/* ... */),\nChildren.Two(\nfunc(\nnew NotNode(/* ... */),\nChildren.One(\nfunc(\nnew TagNode(\"javascript\"),\nChildren.None<U>()\n)\n)\n),\nfunc(new SalaryNode(50000, \"gbp\"), Children.None<U>())\n)\n)\n)\n)``````\n\n`Fold` traverses a tree from bottom to top, applying `func` to each subtree and the current set of intermediate results.\n\n`ZipFold` works by analogy to `Fold`. It says if you give me a way to combine two nodes with the results of zip-folding their children, I can recursively zip the two entire trees to produce a single summary value. `ZipFold` pairs up the children of the two input nodes using the standard `Enumerable.Zip`, recursively zip-folds each pair, and then feeds the results to `func`. Note that the length of the `IEnumerable` that’s passed to `func` is the length of the smaller of the two nodes’ collections of children.\n\n``````public static U ZipFold<T, U>(\nthis T value1,\nT value2\nFunc<T, T, IEnumerable<U>, U> zipFunc,\n) where T : IRewritable<T>\n=> zipFunc(\nvalue1,\nvalue2,\nvalue1.GetChildren().Zip(\nvalue2.GetChildren(),\n(child1, child2) => child1.ZipFold(child2, zipFunc)\n)\n);``````\n\nThe two trees are zipped together and torn down in a single pass.\n\nHere’s how it looks in Haskell, using the `Control.Lens.Plated` API. Haskellers like to use tongue-in-cheek Greek names for recursion schemes. Apparently the Greek word for “zip” is “fermouár”, so I’m calling this a fermomorphism.\n\n``````fermo :: Plated a => (a -> a -> [r] -> r) -> a -> a -> r\nfermo f x y = f x y \\$\nzipWith (fermo f) (toListOf plate x) (toListOf plate y)``````\n\nAs an example: `ZipFold` allows you to concisely test a pair of trees for equality, by looking only at one pair of nodes at a time.\n\n``````public static bool Equal(JqlNode j1, JqlNode j2)\n=> j1.ZipFold<JqlNode, bool>(\nj2,\n(n1, n2, childrenEqual) =>\n{\nswitch (n1)\n{\ncase SalaryNode s1 when n2 is SalaryNode s2:\nreturn s1.Currency == s2.Currency\n&& s1.Amount == s2.Amount;\ncase TagNode t1 when n2 is TagNode t2:\nreturn t1.Tag == t2.Tag;\ncase AndNode a1 when n2 is AndNode a2:\ncase OrNode o1 when n2 is OrNode o2:\ncase NotNode a1 when n2 is NotNode a2:\nreturn childrenEqual.All(c => c);\ndefault:\nreturn false;\n}\n}\n);``````\n\nThe `ZipFold` that you’ll find in Sawmill is actually an n-ary zip-fold. Instead of taking two `T`s, and passing two `T`s to `func`, it works with an arbitrary number of `T`s. Here’s the code:\n\n``````public static U ZipFold<T, U>(\nthis T[] values,\nFunc<T[], IEnumerable<U>, U> func,\n) where T : IRewritable<T>\n=> func(values, xs.ZipChildren(children => children.ZipFold(func)));\n\nprivate static IEnumerable<U> ZipChildren<T, U>(\nthis T[] input,\nFunc<T[], U> zipFunc\n) where T : IRewritable<T>\n{\nvar enumerators = input\n.Select(x => x.GetChildren().GetEnumerator())\n.ToArray();\n\nwhile (enumerators.All(e => e.MoveNext()))\n{\nyield return zipFunc(\nenumerators.Select(e => e.Current).ToArray()\n);\n}\n}``````\n\nSadly, the invariant that `zipFunc` receives the same number of `T`s as were passed to `ZipFold` is not expressible in C#’s type system. So as a consumer of `ZipFold`, you just have to trust that `zipFunc`’s argument is of a certain size. In the `Equal` example, that size is two, because we’re consuming two trees:\n\n``````public static bool Equal(JqlNode j1, JqlNode j2)\n=> new[] { j1, j2 }.ZipFold<JqlNode, bool>(\n(ns, childrenEqual) =>\n{\nswitch (ns)\n{\ncase SalaryNode s1 when ns is SalaryNode s2:\nreturn s1.Currency == s2.Currency\n&& s1.Amount == s2.Amount;\ncase TagNode t1 when ns is TagNode t2:\nreturn t1.Tag == t2.Tag;\ncase AndNode a1 when ns is AndNode a2:\ncase OrNode o1 when ns is OrNode o2:\ncase NotNode n1 when ns is NotNode n2:\nreturn childrenEqual.All(c => c);\ndefault:\nreturn false;\n}\n}\n);``````\n\nHere’s the Haskell transliteration of this n-ary zip-fold function, which `traverse`s in the `ZipList` `Applicative` to concisely zip n lists of children:\n\n``````fermo :: Plated a => ([a] -> [r] -> r) -> [a] -> r\nfermo f xs = f xs (\nmap (fermo f) \\$ getZipList \\$ traverse (ZipList . toListOf plate) xs\n)``````\n\n`ZipFold` is available in version 1.3.0 of Sawmill."
] | [
null,
"https://www.benjamin.pizza/images/2018-01-10-zip-folding/zip.jpg",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.821385,"math_prob":0.9407706,"size":7434,"snap":"2022-40-2023-06","text_gpt3_token_len":1925,"char_repetition_ratio":0.10309556,"word_repetition_ratio":0.07882166,"special_character_ratio":0.26419154,"punctuation_ratio":0.14913449,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9660768,"pos_list":[0,1,2],"im_url_duplicate_count":[null,3,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-10-02T20:34:23Z\",\"WARC-Record-ID\":\"<urn:uuid:fcbaaa09-577b-4241-8897-1ab455c22ce2>\",\"Content-Length\":\"33176\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:8a7598d6-8c76-4f1f-a01b-2e32efad7ce3>\",\"WARC-Concurrent-To\":\"<urn:uuid:f3461b52-342f-41cf-bf3b-0405b31c85c0>\",\"WARC-IP-Address\":\"185.199.111.153\",\"WARC-Target-URI\":\"https://www.benjamin.pizza/posts/2018-01-10-zip-folding.html\",\"WARC-Payload-Digest\":\"sha1:7ZCLB5K6UPLJCMY3FRIGQMDKHLZJS5RY\",\"WARC-Block-Digest\":\"sha1:XUBKT6SX3MLV6BWRRT2PQEZQMPD2XVP3\",\"WARC-Identified-Payload-Type\":\"application/xhtml+xml\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-40/CC-MAIN-2022-40_segments_1664030337339.70_warc_CC-MAIN-20221002181356-20221002211356-00404.warc.gz\"}"} |
https://www.bindingstore.co.uk/how-to-convert-american-lbs-to-gsm-grams-per-square-metre/ | [
"# How to convert American LBS # to GSM (Grams per square metre)\n\nPosted on\n\nHow to convert American LBS # to Gsm (Grams per square metre)\n\nA question we sometimes get asked is “How do we convert LBS (Pounds or #) to GSM (Grams per square meter).\n\nThe formula is quite simple:\n\n1lb of Text paper = 1.48 gsm so you just multiply each pound of paper by 1.48.\n\n1lb of Cover paper = 2.708 gsm so multiply each pound of cover paper by 2.708\n\nHere is an example:\n\n100lb Text = 148gsm\n\n100lb Cover = 270gsm"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8638041,"math_prob":0.9758395,"size":415,"snap":"2021-43-2021-49","text_gpt3_token_len":125,"char_repetition_ratio":0.10218978,"word_repetition_ratio":0.0,"special_character_ratio":0.31566265,"punctuation_ratio":0.08988764,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9863968,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-11-29T02:34:47Z\",\"WARC-Record-ID\":\"<urn:uuid:26060d69-bb11-4667-aa9b-ebae6f593b03>\",\"Content-Length\":\"56128\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:38ea66de-2296-4024-9c7c-60fd1cf06830>\",\"WARC-Concurrent-To\":\"<urn:uuid:ad5bb12b-da5c-438c-99eb-ded10edcfd31>\",\"WARC-IP-Address\":\"35.189.72.15\",\"WARC-Target-URI\":\"https://www.bindingstore.co.uk/how-to-convert-american-lbs-to-gsm-grams-per-square-metre/\",\"WARC-Payload-Digest\":\"sha1:JHL5QRDNG467KEWCSBKW4SXCEGIC3ST3\",\"WARC-Block-Digest\":\"sha1:WA3AESP4ST3EJ55H2QSEYZTSWCR2VP3G\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-49/CC-MAIN-2021-49_segments_1637964358685.55_warc_CC-MAIN-20211129014336-20211129044336-00577.warc.gz\"}"} |
https://fr.mathworks.com/help/fuzzy/foundations-of-fuzzy-logic.html | [
"## Foundations of Fuzzy Logic\n\n### Overview\n\nThe point of fuzzy logic is to map an input space to an output space, and the primary mechanism for doing this is a list of if-then statements called rules. All rules are evaluated in parallel, and the order of the rules is unimportant. The rules themselves are useful because they refer to variables and the adjectives that describe those variables. Before you can build a system that interprets rules, you must define all the terms you plan on using and the adjectives that describe them. To say that the water is hot, you need to define the range within which the water temperature can be expected to vary as well as what you mean by the word hot.\n\nIn general, fuzzy inference is a method that interprets the values in the input vector and, based on some set of rules, assigns values to the output vector.\n\nThis topic guides you through the fuzzy logic process step-by-step by providing an introduction to the theory and practice of fuzzy logic.\n\n### Fuzzy Sets\n\nFuzzy logic starts with the concept of a fuzzy set. A fuzzy set is a set without a crisp, clearly defined boundary. It can contain elements with only a partial degree of membership.\n\nTo understand what a fuzzy set is, first consider the definition of a classical set. A classical set is a container that wholly includes or wholly excludes any given element. For example, the set of days of the week unquestionably includes Monday, Thursday, and Saturday. It just as unquestionably excludes butter, liberty, and dorsal fins, and so on.",
null,
"This type of set is called a classical set because it has been around for a long time. It was Aristotle who first formulated the Law of the Excluded Middle, which says X must either be in set A or in set not-A. Another version of this law is:\n\n Of any subject, one thing must be either asserted or denied.\n\nTo restate this law with annotations: \"Of any subject (say Monday), one thing (a day of the week) must be either asserted or denied (I assert that Monday is a day of the week).\" This law demands that opposites, the two categories A and not-A, should between them contain the entire universe. Everything falls into either one group or the other. There is no thing that is both a day of the week and not a day of the week.\n\nNow, consider the set of days comprising a weekend. The following diagram attempts to classify the weekend days.\n\nMost would agree that Saturday and Sunday belong in the weekend set, but what about Friday? It feels like a part of the weekend, but somehow it seems like it should be technically excluded. Therefore, Friday \"straddles the fence.\" Classical sets do not tolerate this kind of classification. Either something is in a set or it is out of a set. Human experience suggests something different, however, straddling the fence is part of life.",
null,
"Of course, individual perceptions and cultural background must be taken into account when you define what constitutes the weekend. Even the dictionary is imprecise, defining the weekend as the period from Friday night or Saturday to Monday morning. You are entering the realm where sharp-edged, yes-no logic stops being helpful. Fuzzy reasoning becomes valuable exactly when you work with how people really perceive the concept weekend as opposed to a simple-minded classification useful for accounting purposes only. More than anything else, the following statement lays the foundations for fuzzy logic.\n\n In fuzzy logic, the truth of any statement becomes a matter of degree.\n\nAny statement can be fuzzy. The major advantage that fuzzy reasoning offers is the ability to reply to a yes-no question with a not-quite-yes-or-no answer. Humans do this kind of thing all the time (think how rarely you get a straight answer to a seemingly simple question), but it is a rather new trick for computers.\n\nHow does it work? Reasoning in fuzzy logic is just a matter of generalizing the familiar yes-no (Boolean) logic. If you give true the numerical value of 1 and false the numerical value of 0, this value indicates that fuzzy logic also permits in-between values like 0.2 and 0.7453. For instance:\n\n Q: Is Saturday a weekend day? A: 1 (yes, or true) Q: Is Tuesday a weekend day? A: 0 (no, or false) Q: Is Friday a weekend day? A: 0.8 (for the most part yes, but not completely) Q: Is Sunday a weekend day? A: 0.95 (yes, but not quite as much as Saturday).\n\nThe plot on the left shows the truth values for weekend-ness if you are forced to respond with an absolute yes or no response. On the right is a plot that shows the truth value for weekend-ness if you are allowed to respond with fuzzy in-between values.",
null,
"Technically, the representation on the right is from the domain of multivalued logic (or multivalent logic). If you ask the question \"Is X a member of set A?\" the answer might be yes, no, or any one of a thousand intermediate values in between. Thus, X might have partial membership in A. Multivalued logic stands in direct contrast to the more familiar concept of two-valued (or bivalent yes-no) logic.\n\nTo return to the example, now consider a continuous scale time plot of weekend-ness shown in the following plots.",
null,
"By making the plot continuous, you are defining the degree to which any given instant belongs in the weekend rather than an entire day. In the plot on the left, notice that at midnight on Friday, just as the second hand sweeps past 12, the weekend-ness truth value jumps discontinuously from 0 to 1. This is one way to define the weekend, and while it may be useful to an accountant, it may not really connect with your own real-world experience of weekend-ness.\n\nThe plot on the right shows a smoothly varying curve that accounts for the fact that all of Friday, and, to a small degree, parts of Thursday, partake of the quality of weekend-ness and thus deserve partial membership in the fuzzy set of weekend moments. The curve that defines the weekend-ness of any instant in time is a function that maps the input space (time of the week) to the output space (weekend-ness). Specifically, it is known as a membership function. See Membership Functions for a more detailed discussion.\n\nAs another example of fuzzy sets, consider the question of seasons. What season is it right now? In the northern hemisphere, summer officially begins at the exact moment in the earth's orbit when the North Pole is pointed most directly toward the sun. It occurs exactly once a year, in late June. Using the astronomical definitions for the season, you get sharp boundaries as shown on the left in the figure that follows. But what you experience as the seasons vary more or less continuously as shown on the right in the following figure (in temperate northern hemisphere climates).",
null,
"### Membership Functions\n\nA membership function (MF) is a curve that defines how each point in the input space is mapped to a membership value (or degree of membership) between 0 and 1. The input space is often referred to as the universe of discourse.\n\nOne of the most commonly used examples of a fuzzy set is the set of tall people. In this case, the universe of discourse is all potential heights, say from three feet to nine feet. The word tall corresponds to a curve that defines the degree to which any person is tall. If the set of tall people is given the well-defined (crisp) boundary of a classical set, you might say all people taller than six feet are officially considered tall. However, it is unreasonable to call one person short and another one tall when they differ in height by an inch.",
null,
"If the kind of distinction shown previously is unworkable, then what is the right way to define the set of tall people? Much as with the plot of weekend days, the following figure shows a smoothly varying curve that passes from not-tall to tall. The output axis is a number known as the membership value between 0 and 1. The curve is known as a membership function and is often given the designation of µ. For example, the following figure shows both crisp and smooth tall membership functions. In the top plot, the two people are classified as either entirely tall or entirely not-tall. In the bottom plot, the smooth transition allows for different degrees of tallness. Both people are tall to some degree, but one is significantly less tall than the other. The taller person, with a tallness membership of 0.95 is definitely a tall person, but the person with a tallness membership of 0.3 is not very tall.",
null,
"Subjective interpretations and appropriate units are built into fuzzy sets. If you say \"She's tall,\" then the tall membership function should already take into account whether you are referring to a six-year-old or a grown woman. Similarly, the units are included in the curve since it makes no sense to say \"Is she tall in inches or in meters?\"\n\n#### Membership Functions in Fuzzy Logic Toolbox Software\n\nThe only condition a membership function must satisfy is that its membership values must vary between 0 and 1. The function itself can be an arbitrary optimized for your desired combination of simplicity, convenience, speed, and efficiency.\n\nA classical set might be expressed as:\n\n`$A=\\left\\{x|x>6\\right\\}$`\n\nA fuzzy set is an extension of a classical set. If X is the universe of discourse and its elements are denoted by x, then a fuzzy set A in X is defined as a set of ordered pairs.\n\n`$A\\left\\{x,{\\mu }_{A}\\left(x\\right)|x\\in X\\right\\}$`\n\nµA(x) is called the membership function (or MF) of x in A. The membership function maps each element of X to a membership value between 0 and 1.\n\nFuzzy Logic Toolbox™ software includes 13 built-in membership function types. These functions are, in turn, built from several basic functions.\n\n• Piecewise linear functions\n\n• Gaussian distribution function\n\n• Sigmoid curve\n\n• Quadratic and cubic polynomial curves\n\nThe simplest membership functions are formed using straight lines. These straight-line membership functions have the advantage of simplicity.",
null,
"Two membership functions are derived from Gaussian distributions: a simple Gaussian curve (`gaussmf`) and a two-sided composite of different Gaussian curves (`gauss2mf`).\n\nThe generalized bell-shaped membership function (`gbellmf`) has a similar smooth transition between 0 and 1. It has a third parameter that you can use to adjust the steepness of the transition from 0 to 1.\n\nBecause of their smoothness and concise notation, Gaussian and bell-shaped membership functions are popular methods for specifying fuzzy sets. Both of these curves have the advantage of being smooth and nonzero at all points.",
null,
"Although the Gaussian and bell-shaped curves achieve smoothness, they are unable to specify asymmetric membership functions, which are important in certain applications. To do so, you can use the sigmoidal membership function (`sigmf`), which is a smooth membership function that is open to either the left or right. You can create asymmetric and closed membership functions based on either the difference (`dsigmf`) or product (`psigmf`) of two sigmoidal functions.",
null,
"You can also create smooth membership functions using polynomial-based curves that are named for their shapes.",
null,
"You can also create your own custom membership functions. For more information, see Build Fuzzy Systems Using Custom Functions.\n\n### Logical Operations\n\nNow that you understand the fuzzy inference, you need to see how fuzzy inference connects with logical operations.\n\nThe most important thing to realize about fuzzy logical reasoning is the fact that it is a superset of standard Boolean logic. In other words, if you keep the fuzzy values at their extremes of 1 (completely true), and 0 (completely false), standard logical operations hold. As an example, consider the following standard truth tables.",
null,
"Considering that, in fuzzy logic, the truth of any statement is a matter of degree, can these truth tables be altered? The input values can be real numbers between 0 and 1. What function preserves the results of the AND truth table (for example) and also extend to all real numbers between 0 and 1?\n\nOne answer is the min operation. That is, resolve the statement A AND B, where A and B are limited to the range (0,1), by using the function min(A,B). Using the same reasoning, you can replace the OR operation with the max function, so that A OR B becomes equivalent to max(A,B). Finally, the operation NOT A becomes equivalent to the operation $1-A$. The previous truth table is completely unchanged by this substitution.",
null,
"Moreover, because there is a function behind the truth table rather than just the truth table itself, you can now consider values other than 1 and 0.\n\nThe next figure uses a graph to show the same information. In this figure, the truth table is converted to a plot of two fuzzy sets applied together to create one fuzzy set. The upper part of the figure displays plots corresponding to the preceding two-valued truth tables, while the lower part of the figure displays how the operations work over a continuously varying range of truth values A and B according to the fuzzy operations you have defined.",
null,
"Given these three functions, you can resolve any construction using fuzzy sets and the fuzzy logical operation AND, OR, and NOT.\n\nIn this case, you defined only one particular correspondence between two-valued and multivalued logical operations for AND, OR, and NOT. This correspondence is by no means unique.\n\nIn more general terms, you are defining what are known as the fuzzy intersection or conjunction (AND), fuzzy union or disjunction (OR), and fuzzy complement (NOT). The classical operators for these functions are: AND = min, OR = max, and NOT = additive complement. Typically, most fuzzy logic applications make use of these operations and leave it at that. In general, however, these functions are arbitrary. Fuzzy Logic Toolbox software uses the classical operator for the fuzzy complement as shown in the previous figure, but also enables you to customize the AND and OR operators.\n\nThe intersection of two fuzzy sets A and B is specified in general by a binary mapping T, which aggregates two membership functions as follows:\n\n`${\\mu }_{A\\cap B}\\left(x\\right)=T\\left({\\mu }_{A}\\left(x\\right),{\\mu }_{B}\\left(x\\right)\\right)$`\n\nFor example, the binary operator T may represent the multiplication of µA(x) and µB(x). These fuzzy intersection operators, which are usually referred to as T-norm (triangular norm) operators, meet the following basic requirements:\n\nA T-norm operator is a binary mapping T(.,.) with the following properties:\n\n• Boundary — $T\\left(0,0\\right)=0,\\text{\\hspace{0.17em}}T\\left(a,1\\right)=T\\left(1,a\\right)=a$\n\n• Monotonicity — $T\\left(a,b\\right)\\le T\\left(c,d\\right)$ if $a\\le c$ and $b\\le d$\n\n• Commutativity — $T\\left(a,b\\right)=T\\left(b,a\\right)$\n\n• Associativity — $T\\left(a,T\\left(b,c\\right)\\right)=T\\left(T\\left(a,b\\right),c\\right)$\n\nThe first requirement imposes the correct generalization to crisp sets. The second requirement implies that a decrease in the membership values in A or B cannot produce an increase in the membership value in A intersection B. The third requirement indicates that the operator is indifferent to the order of the fuzzy sets to be combined. Finally, the fourth requirement allows us to take the intersection of any number of sets in any order of pair-wise groupings.\n\nLike fuzzy intersection, the fuzzy union operator is specified in general by a binary mapping S:\n\n`${\\mu }_{A\\cup B}\\left(x\\right)=S\\left({\\mu }_{A}\\left(x\\right),{\\mu }_{B}\\left(x\\right)\\right)$`\n\nFor example, the binary operator S can represent the addition of µA(x) and µB(x). These fuzzy union operators, which are often referred to as T-conorm (or S-norm) operators, must satisfy the following basic requirements:\n\nA T-conorm (or S-norm) operator is a binary mapping S(.,.) with the following properties:\n\n• Boundary — $S\\left(1,1\\right)=1,\\text{\\hspace{0.17em}}S\\left(a,0\\right)=S\\left(0,a\\right)=a$\n\n• Monotonicity — $S\\left(a,b\\right)\\le S\\left(c,d\\right)$ if $a\\le c$ and $b\\le d$\n\n• Commutativity — $S\\left(a,b\\right)=S\\left(b,a\\right)$\n\n• Associativity — $S\\left(a,S\\left(b,c\\right)\\right)=S\\left(S\\left(a,b\\right),c\\right)$\n\nSeveral parameterized T-norms and dual T-conorms have been proposed in the past, such as those of Yager , Dubois and Prade , Schweizer and Sklar , and Sugeno . Each of these provides a way to vary the gain on the function so that it can be very restrictive or very permissive.\n\n### If-Then Rules\n\nFuzzy sets and fuzzy operators are the subjects and verbs of fuzzy logic. These if-then rule statements are used to formulate the conditional statements that comprise fuzzy logic.\n\nA single fuzzy if-then rule assumes the form\n\n If x is A, then y is B\n\nwhere A and B are linguistic values defined by fuzzy sets on the ranges (universes of discourse) X and Y, respectively. The if-part of the rule \"x is A\" is called the antecedent or premise, while the then-part of the rule \"y is B\" is called the consequent or conclusion. An example of such a rule might be\n\n If service is good then tip is average\n\nThe concept good is represented as a number between 0 and 1, and so the antecedent is an interpretation that returns a single number between 0 and 1. Conversely, average is represented as a fuzzy set, and so the consequent is an assignment that assigns the entire fuzzy set B to the output variable y. In the if-then rule, the word is gets used in two entirely different ways depending on whether it appears in the antecedent or the consequent. In MATLAB® terms, this usage is the distinction between a relational test using \"==\" and a variable assignment using the \"=\" symbol. A less confusing way of writing the rule would be\n\n If service == good, then tip = average\n\nIn general, the input to an if-then rule is the current value for the input variable (in this case, service) and the output is an entire fuzzy set (in this case, average). This set will later be defuzzified, assigning one value to the output. The concept of defuzzification is described in the next section.\n\nInterpreting an if-then rule involves two steps:\n\n• Evaluation of the antecedent — Fuzzifying the inputs and applying any necessary fuzzy operators.\n\n• Application of the result to the consequent.\n\nThe second step is known as implication. For an if-then rule, the antecedent, p, implies the consequent, q. In binary logic, if p is true, then q is also true (pq). In fuzzy logic, if p is true to some degree of membership, then q is also true to the same degree (0.5p → 0.5q). In both cases, if p is false, then the value of q is undetermined.\n\nThe antecedent of a rule can have multiple parts.\n\n If sky is gray and wind is strong and barometer is falling, then ...\n\nIn this case, all parts of the antecedent are calculated simultaneously and resolved to a single number using the logical operators described in the preceding section. The consequent of a rule can also have multiple parts.\n\n If temperature is cold, then hot water valve is open and cold water valve is shut\n\nIn this case, all consequents are affected equally by the result of the antecedent. How is the consequent affected by the antecedent? The consequent specifies a fuzzy set be assigned to the output. The implication function then modifies that fuzzy set to the degree specified by the antecedent. The most common ways to modify the output fuzzy set are truncation using the `min` function (where the fuzzy set is truncated as shown in the following figure) or scaling using the `prod` function (where the output fuzzy set is squashed). Both are supported by the toolbox, but you use truncation for the examples in this section.",
null,
"#### Summary of If-Then Rules\n\nInterpreting if-then rules is a three-part process. This process is explained in detail in the next section:\n\n1. Fuzzify inputs: Resolve all fuzzy statements in the antecedent to a degree of membership between 0 and 1. If there is only one part to the antecedent, then this is the degree of support for the rule.\n\n2. Apply fuzzy operator to multiple part antecedents: If there are multiple parts to the antecedent, apply fuzzy logic operators and resolve the antecedent to a single number between 0 and 1. This is the degree of support for the rule.\n\n3. Apply implication method: Use the degree of support for the entire rule to shape the output fuzzy set. The consequent of a fuzzy rule assigns an entire fuzzy set to the output. This fuzzy set is represented by a membership function that is chosen to indicate the qualities of the consequent. If the antecedent is only partially true, (i.e., is assigned a value less than 1), then the output fuzzy set is truncated according to the implication method.\n\nIn general, one rule alone is not effective. Two or more rules that can play off one another are needed. The output of each rule is a fuzzy set. The output fuzzy sets for each rule are then aggregated into a single output fuzzy set. Finally the resulting set is defuzzified, or resolved to a single number. Build Fuzzy Systems Using Fuzzy Logic Designer shows how the whole process works from beginning to end for a particular type of fuzzy inference system called a Mamdani type.\n\n### References\n\n Dubois, Didier, and Henri M. Prade. Fuzzy Sets and Systems: Theory and Applications. Mathematics in Science and Engineering, v. 144. New York: Academic Press, 1980.\n\n Kaufmann, A., and Madan M. Gupta. Introduction to Fuzzy Arithmetic: Theory and Applications. Van Nostrand Reinhold Electrical/Computer Science and Engineering Series. New York, N.Y: Van Nostrand Reinhold Co, 1985.\n\n Lee, C.C. ‘Fuzzy Logic in Control Systems: Fuzzy Logic Controller. I’. IEEE Transactions on Systems, Man, and Cybernetics 20, no. 2 (April 1990): 404–18. https://doi.org/10.1109/21.52551.\n\n Lee, C.C. ‘Fuzzy Logic in Control Systems: Fuzzy Logic Controller. II’. IEEE Transactions on Systems, Man, and Cybernetics 20, no. 2 (April 1990): 419–35. https://doi.org/10.1109/21.52552.\n\n Mamdani, E.H., and S. Assilian. ‘An Experiment in Linguistic Synthesis with a Fuzzy Logic Controller’. International Journal of Man-Machine Studies 7, no. 1 (January 1975): 1–13. https://doi.org/10.1016/S0020-7373(75)80002-2.\n\n Mamdani, E.H. ‘Advances in the Linguistic Synthesis of Fuzzy Controllers’. International Journal of Man-Machine Studies 8, no. 6 (November 1976): 669–78. https://doi.org/10.1016/S0020-7373(76)80028-4.\n\n Mamdani, E.H. ‘Application of Fuzzy Logic to Approximate Reasoning Using Linguistic Synthesis’. IEEE Transactions on Computers C–26, no. 12 (December 1977): 1182–91. https://doi.org/10.1109/TC.1977.1674779.\n\n Schweizer, B. and A. Sklar, 'Associative functions and abstract semi-groups'. Publ. Math. Debrecen 10 (1963): 69–81.\n\n Sugeno, M., \"Fuzzy measures and fuzzy integrals: a survey,\" (M.M. Gupta, G. N. Saridis, and B.R. Gaines, editors) Fuzzy Automata and Decision Processes, pp. 89-102, North-Holland, NY, 1977.\n\n Sugeno, Michio, ed. Industrial Applications of Fuzzy Control. Amsterdam ; New York : New York, N.Y., U.S.A: North-Holland ; Sole distributors for the U.S.A. and Canada, Elsevier Science Pub. Co, 1985.\n\n Yager, Ronald R. ‘On a General Class of Fuzzy Connectives’. Fuzzy Sets and Systems 4, no. 3 (November 1980): 235–42. https://doi.org/10.1016/0165-0114(80)90013-5.\n\n Yager, Ronald R., and Dimitar P. Filev. ‘Generation of Fuzzy Rules by Mountain Clustering’. Journal of Intelligent and Fuzzy Systems 2, no. 3 (1994): 209–19. https://doi.org/10.3233/IFS-1994-2301.\n\n Zadeh, L.A. ‘Fuzzy Sets’. Information and Control 8, no. 3 (June 1965): 338–53. https://doi.org/10.1016/S0019-9958(65)90241-X.\n\n Zadeh, Lotfi A. ‘Outline of a New Approach to the Analysis of Complex Systems and Decision Processes’. IEEE Transactions on Systems, Man, and Cybernetics SMC-3, no. 1 (1973): 28–44. https://doi.org/10.1109/TSMC.1973.5408575.\n\n Zadeh, L.A. 'The concept of a linguistic variable and its application to approximate reasoning. I'.Information Sciences 8, no. 3 (1975): 199–249. https://doi.org/10.1016/0020-0255(75)90036-5\n\n Zadeh, L.A. 'The concept of a linguistic variable and its application to approximate reasoning. II'. Information Sciences 8, no. 4 (1975): 301–357. https://doi.org/10.1016/0020-0255(75)90046-8\n\n Zadeh, L.A. 'The concept of a linguistic variable and its application to approximate reasoning. III'. Information Sciences 9, no. 1 (1975):43–80. https://doi.org/10.1016/0020-0255(75)90017-1\n\n Zadeh, L.A. ‘Fuzzy Logic’. Computer 21, no. 4 (April 1988): 83–93. https://doi.org/10.1109/2.53.\n\n Zadeh, L.A. ‘Knowledge Representation in Fuzzy Logic’. IEEE Transactions on Knowledge and Data Engineering 1, no. 1 (March 1989): 89–100. https://doi.org/10.1109/69.43406."
] | [
null,
"https://fr.mathworks.com/help/fuzzy/days_of_the_week_set.png",
null,
"https://fr.mathworks.com/help/fuzzy/days_of_the_weekend_set.png",
null,
"https://fr.mathworks.com/help/fuzzy/days_of_weekend_chart.png",
null,
"https://fr.mathworks.com/help/fuzzy/days_of_weekend_graph_2.png",
null,
"https://fr.mathworks.com/help/fuzzy/seasons_2.png",
null,
"https://fr.mathworks.com/help/fuzzy/tall_people2.png",
null,
"https://fr.mathworks.com/help/fuzzy/fuzzy_tall.png",
null,
"https://fr.mathworks.com/help/fuzzy/linear_mfs.png",
null,
"https://fr.mathworks.com/help/fuzzy/gbellandgaussmfs.png",
null,
"https://fr.mathworks.com/help/fuzzy/sigmoidal_mfs.png",
null,
"https://fr.mathworks.com/help/fuzzy/pizsmfs.png",
null,
"https://fr.mathworks.com/help/fuzzy/2-value_logic_tables.png",
null,
"https://fr.mathworks.com/help/fuzzy/2-value_logic_tables_2.png",
null,
"https://fr.mathworks.com/help/fuzzy/logic_graphs_2.png",
null,
"https://fr.mathworks.com/help/fuzzy/if-then_rules1_2.png",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9080814,"math_prob":0.9411947,"size":23783,"snap":"2022-40-2023-06","text_gpt3_token_len":5536,"char_repetition_ratio":0.14020775,"word_repetition_ratio":0.040234275,"special_character_ratio":0.23394862,"punctuation_ratio":0.13689482,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.97899854,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23,24,25,26,27,28,29,30],"im_url_duplicate_count":[null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null,2,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-02-03T20:28:50Z\",\"WARC-Record-ID\":\"<urn:uuid:f062b3cf-2df2-46b7-a9c0-75cabe11054c>\",\"Content-Length\":\"125495\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:dbdd69fd-92dc-4e2a-a877-83e4bf0c8a25>\",\"WARC-Concurrent-To\":\"<urn:uuid:2a20985d-7cb2-4e12-9e3b-dc2939255007>\",\"WARC-IP-Address\":\"104.68.243.15\",\"WARC-Target-URI\":\"https://fr.mathworks.com/help/fuzzy/foundations-of-fuzzy-logic.html\",\"WARC-Payload-Digest\":\"sha1:3KJJ3HQNTQTPQKRDUCLXEKVQWSIQPUR3\",\"WARC-Block-Digest\":\"sha1:YWIKE2AWGAHWQGSF2EOFQQSXHULJGWUL\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-06/CC-MAIN-2023-06_segments_1674764500074.73_warc_CC-MAIN-20230203185547-20230203215547-00696.warc.gz\"}"} |
http://powerpointban.web.fc2.com/essay/13/essay/48/ | [
"Date: 10.11.2016 / Article Rating: 5 / Votes: 708\nHow many liters are in 1 kilogram?\nHome >> Uncategorized >> How many liters are in 1 kilogram?\n\n# How many liters are in 1 kilogram?\n\nApr/Sat/2017 | Uncategorized\n\n## Kilogram Per Litre Conversion Chart (Density Converter, Metric",
null,
"## Kilogram = how many litres? | Yahoo Answers",
null,
"### Kilogram Per Litre Conversion Chart (Density Converter, Metric",
null,
"### View question - 1 kg is equal to how many liter - Andre Massow",
null,
"### Kilograms to Liter (kg to l) Converter - EndMemo",
null,
"### Convert kilograms of water to liters of water | water volume vs weight",
null,
"### Kilograms to Liter (kg to l) Converter - EndMemo",
null,
"#### How many liters are in 1 kilogram? | Reference com",
null,
"#### How many litres is 1 kg? - Quora",
null,
"### How many liters are in 1 kilogram? | Reference com",
null,
"### Kilogram = how many litres? | Yahoo Answers",
null,
"### How many litres is 1 kg? - Quora",
null,
"### Convert liter to kilo gram - Conversion of Measurement Units",
null,
"### Concrete 1 kilogram mass to liters converter - Traditional Oven",
null,
"Convert kilograms of water to liters of water | water volume vs weight",
null,
"How many liters are in 1 kilogram? | Reference com",
null,
"Convert liter to kilo gram - Conversion of Measurement Units",
null,
"Kilogram Per Litre Conversion Chart (Density Converter, Metric",
null,
"### How many liters are in 1 kilogram? | Reference com",
null,
"How many litres is 1 kg? - Quora",
null,
"",
null,
""
] | [
null,
"http://s1.studylib.net/store/data/008433832_1-7eff3eff352f9d1031c0d4830d05aa74.png",
null,
"http://www.staff.vu.edu.au/mcaonline/units/measure/imagesmeas/EQN7.GIF",
null,
"https://aos.iacpublishinglabs.com/question/aq/300px-169px/many-barrels-oil-metric-ton_7385070d688eb443.jpg",
null,
"http://s3.amazonaws.com/bkbrains/images/tiny_prints/000/000/239/e7aac6e928_blog.jpg",
null,
"http://navydiving.tpub.com/TM-5-4220-231-14P/img/TM-5-4220-231-14P_485_1.jpg",
null,
"http://www.shrimpnews.com/Graphics/United States/Texas/TzachiStudyOneNo2October2012.jpg",
null,
"https://qph.ec.quoracdn.net/main-qimg-1f29bd5e2be3425dc2c923c5091a5f3d-c",
null,
"https://image.slidesharecdn.com/metricsbasics-110912235636-phpapp01/95/metrics-basics-23-728.jpg",
null,
"https://qph.ec.quoracdn.net/main-qimg-714dcb108932d0ed4045af67f4c59e79-c",
null,
"http://i.dailymail.co.uk/i/pix/2013/11/20/article-2510097-1989268300000578-698_634x286.jpg",
null,
"http://blog.brian-fitzgerald.net/wp-content/uploads/2006/11/scan001.gif",
null,
"http://iesbscience.files.wordpress.com/2012/09/milk-carton.jpg",
null,
"http://www.shrimpnews.com/Graphics/United States/Texas/TzachiStudyOneNo2October2012.jpg",
null,
"https://image.slidesharecdn.com/3mathlmq4-140829081608-phpapp01/95/3-math-lm-q4-31-638.jpg",
null,
"https://nzmaths.co.nz/sites/default/files/images/Fin4p15e.GIF",
null,
"https://3.bp.blogspot.com/-pl9eXOXqIwY/V3TBHuTBH2I/AAAAAAAAN-M/TPlnYGRNWvoO5ToU8V9TWD3IwKK9o9F0wCLcB/s1600/It's time to.jpg",
null,
"http://s1.studylib.net/store/data/008628052_1-5a7f8882fea4e712a11fa502927ce17a.png",
null,
"https://image.slidesharecdn.com/3mathlmq4-140829081608-phpapp01/95/3-math-lm-q4-49-638.jpg",
null,
"http://greentravelife.com/wp-content/uploads/2013/11/the-cost_3-1200x800_c.jpg",
null,
"https://qph.ec.quoracdn.net/main-qimg-1f29bd5e2be3425dc2c923c5091a5f3d-c",
null,
"http://media.fc2.com/counter_img.php",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.7663769,"math_prob":0.43840963,"size":1192,"snap":"2020-10-2020-16","text_gpt3_token_len":302,"char_repetition_ratio":0.21212122,"word_repetition_ratio":0.5263158,"special_character_ratio":0.2307047,"punctuation_ratio":0.067961164,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.95306665,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,42],"im_url_duplicate_count":[null,1,null,2,null,2,null,1,null,1,null,2,null,2,null,1,null,1,null,1,null,1,null,1,null,2,null,1,null,1,null,1,null,1,null,1,null,1,null,2,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-02-27T08:55:54Z\",\"WARC-Record-ID\":\"<urn:uuid:894987a5-af00-4749-adcb-0400b50e67fc>\",\"Content-Length\":\"40802\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:d19d6301-8f81-4bdb-976a-b72010cbd579>\",\"WARC-Concurrent-To\":\"<urn:uuid:5d4a0032-3c75-4a76-817a-a63e627a4d39>\",\"WARC-IP-Address\":\"104.244.99.168\",\"WARC-Target-URI\":\"http://powerpointban.web.fc2.com/essay/13/essay/48/\",\"WARC-Payload-Digest\":\"sha1:2LB7PIZEBB5DFR6NP75JNOPDDMJZ7HQC\",\"WARC-Block-Digest\":\"sha1:MWRCRYPK4JLJIA47C7UCMBRGULIODAL6\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-10/CC-MAIN-2020-10_segments_1581875146665.7_warc_CC-MAIN-20200227063824-20200227093824-00154.warc.gz\"}"} |
https://xiith.com/c-sharp-program-to-check-a-number-is-a-strong-number-or-not/ | [
"# C# Program to check a number is a strong number or not\n\nIn this program, You will learn how to check a number is a strong number or not in C#.\n\n``Some list of strong numbers is :1, 2, 145, 40585``\n\n## Example: How to check a number is a strong number or not in C#.\n\n``````using System;\npublic class Program\n{\npublic static void Main(string[] args)\n{\nint n, s = 0, r, num, f, i;\n\nConsole.Write(\"Enter a number:\");\n\nnum = n;\nwhile (n > 0)\n{\nr = n % 10;\nf = 1;\ni = 1;\nwhile (i <= r)\n{\nf = f * i;\ni++;\n}\ns = s + f;\nn = n / 10;\n}\n\nif (s == num)\n{\nConsole.WriteLine(\"It is a strong number:\" + num);\n}\nelse\n{\nConsole.WriteLine(\"It is a not Strong number:\" + num);\n}\n}\n}``````\n\n#### Output:\n\n``````Enter a number:145\nIt is a strong number:145``````"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.5394562,"math_prob":0.9988619,"size":736,"snap":"2020-24-2020-29","text_gpt3_token_len":233,"char_repetition_ratio":0.19535519,"word_repetition_ratio":0.14193548,"special_character_ratio":0.38722825,"punctuation_ratio":0.2122905,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9902602,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-06-06T18:02:16Z\",\"WARC-Record-ID\":\"<urn:uuid:c1563a7f-3007-4786-ac37-980bb13700ae>\",\"Content-Length\":\"157045\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:b220eaeb-9410-49c3-a466-890f65058a01>\",\"WARC-Concurrent-To\":\"<urn:uuid:23831cfb-a8b9-46b9-a795-a9cf5c2edd45>\",\"WARC-IP-Address\":\"159.65.216.232\",\"WARC-Target-URI\":\"https://xiith.com/c-sharp-program-to-check-a-number-is-a-strong-number-or-not/\",\"WARC-Payload-Digest\":\"sha1:ASXVBRW54RXYWRROQIV4PQJOFBR5CINA\",\"WARC-Block-Digest\":\"sha1:TRM5U2CDAZ2GD275PSSQSV6OBUZJW7RG\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-24/CC-MAIN-2020-24_segments_1590348517506.81_warc_CC-MAIN-20200606155701-20200606185701-00392.warc.gz\"}"} |
https://nl.mathworks.com/help/comm/ref/convolutionalencoder.html | [
"# Convolutional Encoder\n\nCreate convolutional code from binary data\n\n## Library\n\nConvolutional sublibrary of Error Detection and Correction\n\n•",
null,
"## Description\n\nThe Convolutional Encoder block encodes a sequence of binary input vectors to produce a sequence of binary output vectors. This block can process multiple symbols at a time.\n\n### Input and Output Sizes\n\nIf the encoder takes k input bit streams (that is, it can receive 2k possible input symbols), the block input vector length is L*k for some positive integer L. Similarly, if the encoder produces n output bit streams (that is, it can produce 2n possible output symbols), the block output vector length is L*n.\n\nThis block accepts a column vector input signal with any positive integer for L. For variable-size inputs, the L can vary during simulation. The operation of the block is governed by the Operation mode parameter.\n\nFor both its inputs and outputs for the data ports, the block supports `double`, `single`, `boolean`, `int8`, `uint8`, `int16`, `uint16`, `int32`, `uint32`, and `ufix1`. The port data types are inherited from the signals that drive the block. The input reset port supports `double` and `boolean` typed signals.\n\n### Specifying the Encoder\n\nTo define the convolutional encoder, use the Trellis structure parameter. This parameter is a MATLAB® structure whose format is described in Trellis Description of a Convolutional Code. You can use this parameter field in two ways:\n\n• If you have a variable in the MATLAB workspace that contains the trellis structure, enter its name in the Trellis structure parameter. This way is preferable because it causes Simulink® to spend less time updating the diagram at the beginning of each simulation, compared to the usage described next.\n\n• If you want to specify the encoder using its constraint length, generator polynomials, and possibly feedback connection polynomials, use a `poly2trellis` command in the Trellis structure parameter. For example, to use an encoder with a constraint length of 7, code generator polynomials of 171 and 133 (in octal numbers), and a feedback connection of 171 (in octal), set the Trellis structure parameter to\n\n`poly2trellis(7,[171 133],171)`\n\nThe encoder registers begin in the all-zeros state. Set the Operation mode parameter to ```Reset on nonzero input via port``` to reset all encoder registers to the all-zeros state during the simulation. This selection opens a second input port, labeled `Rst`, which accepts a scalar-valued input signal. When the input signal is nonzero, the block resets before processing the data at the first input port. To reset the block after it processes the data at the first input port, select Delay reset action to next time step.\n\n## Parameters\n\nTrellis structure\n\nMATLAB structure that contains the trellis description of the convolutional encoder.\n\nOperation mode\n\nIn `Continuous` mode, the block retains the encoder states at the end of each input, for use with the next frame.\n\nIn `Truncated (reset every frame)` mode, the block treats each input independently. The encoder states are reset to all-zeros state at the start of each input.\n\n### Note\n\nWhen this block outputs sequences that vary in length during simulation and you set the Operation mode to `Truncated (reset every frame)` or `Terminate trellis by appending bits`, the block's state resets at every input time step.\n\nIn `Terminate trellis by appending bits` mode, the block treats each input independently. For each input frame, extra bits are used to set the encoder states to all-zeros state at the end of the frame. The output length is given by $y=n\\cdot \\left(x+s\\right)/k$, where x is the number of input bits, and (or, in the case of multiple constraint lengths, s =`sum(ConstraintLength(i)-1)`).\n\n### Note\n\nThis block works for cases $k\\ge 1$, where it has the same values for constraint lengths in each input stream (e.g., constraint lengths of [2 2] or [7 7] will work, but [5 4] will not).\n\nIn `Reset on nonzero input via port` mode, the block has an additional input port, labeled `Rst`. When the `Rst` input is nonzero, the encoder resets to the all-zeros state.\n\nDelay reset action to next time step\n\nWhen you select Delay reset action to next time step, the Convolutional Encoder block resets after computing the encoded data. This check box only appears when you set the Operation mode parameter to ```Reset on nonzero input via port```.\n\nThe delay in the reset action allows the block to support HDL code generation. In order to generate HDL code, you must have an HDL Coder™ license.\n\nOutput final state\n\nWhen you select Output final state, the second output port signal specifies the output state for the block. The output signal is a scalar, integer value. You can select Output final state for all operation modes except ```Terminate trellis by appending bits``` .\n\nSpecify initial state via input port\n\nWhen you select Specify initial state via input port the second input port signal specifies the starting state for every frame in the block. The input signal must be a scalar, integer value. Specify initial state via input port appears only in `Truncated` operation mode.\n\nPuncture code\n\nSelecting this option opens the field Puncture vector.\n\nPuncture vector\n\nVector used to puncture the encoded data. The puncture vector is a pattern of `1`s and `0`s where the `0`s indicate the punctured bits. This field appears when you select Punctured code.\n\n## Puncture Pattern Examples\n\nFor some commonly used puncture patterns for specific rates and polynomials, see the last three references listed on this page.\n\n## References\n\n Clark, George C. Jr. and J. Bibb Cain, Error-Correction Coding for Digital Communications, New York, Plenum Press, 1981.\n\n Gitlin, Richard D., Jeremiah F. Hayes, and Stephen B. Weinstein, Data Communications Principles, New York, Plenum, 1992.\n\n Yasuda, Y., et. al., “High rate punctured convolutional codes for soft decision Viterbi decoding,” IEEE Transactions on Communications, Vol. COM-32, No. 3, pp 315–319, March 1984.\n\n Haccoun, D., and Begin, G., “High-rate punctured convolutional codes for Viterbi and Sequential decoding,” IEEE Transactions on Communications, Vol. 37, No. 11, pp 1113–1125, Nov. 1989.\n\n Begin, G., et.al., “Further results on high-rate punctured convolutional codes for Viterbi and sequential decoding,” IEEE Transactions on Communications, Vol. 38, No. 11, pp 1922–1928, Nov. 1990."
] | [
null,
"https://nl.mathworks.com/help/comm/ref/convolutionalencodericon.gif",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.761581,"math_prob":0.9007465,"size":6124,"snap":"2020-10-2020-16","text_gpt3_token_len":1433,"char_repetition_ratio":0.12712419,"word_repetition_ratio":0.062749006,"special_character_ratio":0.22077073,"punctuation_ratio":0.14333895,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.95683616,"pos_list":[0,1,2],"im_url_duplicate_count":[null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-04-02T19:03:12Z\",\"WARC-Record-ID\":\"<urn:uuid:0deff6c6-51b7-4be1-bd76-d482b383568b>\",\"Content-Length\":\"85926\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:39332ff4-0f42-40cd-bbcb-5214acb8ac24>\",\"WARC-Concurrent-To\":\"<urn:uuid:4345d910-76d8-41f6-82c2-10851a2b4e31>\",\"WARC-IP-Address\":\"104.96.217.125\",\"WARC-Target-URI\":\"https://nl.mathworks.com/help/comm/ref/convolutionalencoder.html\",\"WARC-Payload-Digest\":\"sha1:PYI53GSAVJTEBKDGZNYYSBRNCPUFYR3B\",\"WARC-Block-Digest\":\"sha1:YVFWRJIRZIJCWZSXXHAGX2XP5DJ6N43D\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-16/CC-MAIN-2020-16_segments_1585370507738.45_warc_CC-MAIN-20200402173940-20200402203940-00509.warc.gz\"}"} |
https://cloud.originlab.com/doc/LabTalk/ref/Matrix-cmd | [
"# 3.3.2.40 Matrix\n\nGet values from, or set values for, a matrix window.",
null,
"Please see the msetvalue X-Function.\n\n## Syntax:\n\nmatrix [option] argument\n\n## Options:\n\n### -c r; Rotate the matrix 90 degrees\n\nSyntax: matrix -c r\n\nRotate the matrix 90 degrees.Imported Images must be converted to gray-scale. See the Convert matrix image to data without prompting option\n\n### -c h; Flip the matrix horizontally\n\nSyntax: matrix -c h\n\nFlip the matrix horizontally.Imported images must be converted to gray-scale. See the Convert matrix image to data without prompting option.\n\n### -c v; Flip the matrix vertically\n\nSyntax: matrix -c v\n\nFlip the matrix vertically.Imported images must be converted to gray-scale. See the Convert matrix image to data without prompting option.\n\n### -d i; Delete object images in sheet\n\nSyntax: matrix -d i\n\nDelete all cached matrix object images in the sheet\n\n### -d1 i; Delete object image from active sheet\n\nSyntax: matrix -d1 i\n\nDelete cached matrix object image from the active sheet\n\n### -d2 i; Delete object images except in active sheet\n\nSyntax: matrix -d2 i\n\nDelete all cached matrix object images except in the active sheet\n\n### -d m; Delete colormap for objects in sheet\n\nSyntax: matrix -d m\n\nDelete colormap for all matrix objects in the sheet\n\n### -d1 m; Delete colormap for active object\n\nSyntax: matrix -d1 m\n\nDelete colormap for the active matrix object only\n\n### -d2 m; Delete colormap for all objects except the active object\n\nSyntax: matrix -d2 m\n\nDelete colormap for all matrix objects in the active sheet except the active object\n\n### -e; Open the Set Matrix Values dialog box\n\nSyntax: matrix -e\n\nOpen the Set Matrix Values dialog box.\n\n### -e d; Open the Matrix Properties dialog box\n\nSyntax: matrix -e d\n\nOpen the Matrix Properties dialog box.\n\n### -e m; Open the Matrix Dimensions dialog box\n\nSyntax: matrix -e m\n\nOpen the Matrix Dimensions dialog box.\n\n### -id; Convert matrix image to data with conformation prompt\n\nSyntax: matrix -id\n\n### -ig; Convert matrix image to gray scale with conformation prompt\n\nSyntax: matrix -ig\n\nConvert matrix image to gray scale with conformation prompt.\n\n### -ii; Check and convert view to Image Mode\n\nSyntax: matrix -ii [option]\n\nmatrix -ii -- change to image view mode, active matrix object only\n\nmatrix -ii 0 -- change to data mode, active matrix object only\n\nmatrix -ii 1 0 -- all objects change to image view\n\nmatrix -ii 0 0 -- all objects change to data view\n\n### -in; Convert matrix image to data without prompting\n\nSyntax: matrix -in\n\nConvert matrix image to data without prompting.\n\n### -it; Show/Hide matrix image thumbnails\n\nSyntax: matrix -it value\n\nvalue = 1, show image thumbnails for the active matrixbook, and value = 0, hide image thumbnails for the active matrixbook.\n\n### -pg; Get the specified parameter\n\nSyntax: matrix -pg parameter varName1 varName2\n\nGet the specified parameter, as described with the Set parameter to specified range of values option.\n\n### -ps; Set parameter to the specified range of values\n\nSyntax: matrix -ps parameter value1 value2\n\nSet parameter to the specified range of values.Possible values for parameter, value1, and value2 are shown below. Only the first parameter letter is required.\n\nDIM nCol nRow -- Sets the matrix column by row size.\n\nX xMin xMax -- Sets the matrix X mapping range.\n\nY yMin yMax -- Sets the matrix Y mapping range.\n\n### -t; Transpose the active matrix\n\nSyntax: matrix -t\n\nTranspose the active matrix.\n\n### -v; Fill the matrix with values from the expression\n\nSyntax: matrix -v expression\n\nFill the matrix with values from the expression.The current XY mapping relation is used. You can use X and Y in the expression, as well as i and j (the row and column number value for any particular cell).\n\n### -vu; Fill the matrix with values, allow undo\n\nSyntax: matrix -vu expression\n\nSame as -v but supports Undo.\n\n## Examples:\n\nThe following script puts the X minimum and X maximum values into xmin and xmax.\n\nmatrix -pg X xmin xmax;\n\nThe next script fills the matrix with the given expression.\n\nmatrix -v sin(x)+cos(y);"
] | [
null,
"https://d2mvzyuse3lwjc.cloudfront.net/doc/en/LabTalk/images/Matrix_(command)/Tip_icon.png",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.5912789,"math_prob":0.9339633,"size":3862,"snap":"2021-31-2021-39","text_gpt3_token_len":895,"char_repetition_ratio":0.22965267,"word_repetition_ratio":0.15895061,"special_character_ratio":0.22216468,"punctuation_ratio":0.123834886,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9843204,"pos_list":[0,1,2],"im_url_duplicate_count":[null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-09-18T14:14:29Z\",\"WARC-Record-ID\":\"<urn:uuid:59cdec45-0a50-4380-9db7-223402586bbb>\",\"Content-Length\":\"168390\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:6c205755-2fd7-4b1e-aa7b-cc877a07e915>\",\"WARC-Concurrent-To\":\"<urn:uuid:0f326781-a147-492a-9a1c-6314359eb450>\",\"WARC-IP-Address\":\"13.249.32.96\",\"WARC-Target-URI\":\"https://cloud.originlab.com/doc/LabTalk/ref/Matrix-cmd\",\"WARC-Payload-Digest\":\"sha1:ZERI7CPDW3DA56I5U6HVDYEKSMLHRZVB\",\"WARC-Block-Digest\":\"sha1:LAJEDIX7635PEDMK4DQ5Z5EAIFIYQLZ6\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-39/CC-MAIN-2021-39_segments_1631780056476.66_warc_CC-MAIN-20210918123546-20210918153546-00373.warc.gz\"}"} |
https://www.smajhi.com/shape-reconstruction/ | [
"1. Select Shape $X$\n2. Select Sample $S$\n##### $d_H(X,S)=$_\n3. Build Rips on $(S,||\\cdot||)$\n##### Scale $(\\epsilon)$: 0\n4. Build Rips on $(S,d_\\epsilon)$\n##### Scale: 0\n\n2019 Sushovan Majhi"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.51309276,"math_prob":0.99974614,"size":685,"snap":"2022-27-2022-33","text_gpt3_token_len":214,"char_repetition_ratio":0.17180617,"word_repetition_ratio":0.0,"special_character_ratio":0.25255474,"punctuation_ratio":0.08196721,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.989489,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-06-29T19:48:21Z\",\"WARC-Record-ID\":\"<urn:uuid:5d475479-5447-4661-9731-74bab41d2d58>\",\"Content-Length\":\"10613\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:c6b31c97-3b0b-4622-82fc-f1d467ae5bdb>\",\"WARC-Concurrent-To\":\"<urn:uuid:62ecc893-88a3-43f9-8ded-553fb03f6cfc>\",\"WARC-IP-Address\":\"185.199.111.153\",\"WARC-Target-URI\":\"https://www.smajhi.com/shape-reconstruction/\",\"WARC-Payload-Digest\":\"sha1:2LV44K5DZTKT3V3IQKPIXOLRXJKAILT6\",\"WARC-Block-Digest\":\"sha1:YZXYFF3ZXSWHVPEIZSYY4RGNEWDTAIUK\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-27/CC-MAIN-2022-27_segments_1656103642979.38_warc_CC-MAIN-20220629180939-20220629210939-00046.warc.gz\"}"} |
https://stats.stackexchange.com/questions/449679/explanation-of-why-an-umvue-doesnt-necessarily-have-to-achieve-the-crlb | [
"explanation of why an UMVUE doesn't necessarily have to achieve the CRLB?\n\nI'm studying uniformly minimum variance unbiased estimator(UMVUE). I have seen question on this site asking why the UMVUE doesn't achieve the CRLB(Cramer Rao lower bound), and all of the answers have been of the type where they give examples of some random distribution and estimator which is UMVUE but does not achieve CRLB.\n\nMy question is different.(At least I think so).\n\nIs there a general explanation of why an UMVUE doesn't necessarily have to achieve the CRLB? Either intuitive or logical explanations would be appreciated\n\nLet $$W(X)$$ be an unbiased estimator for the scalar parameter $$\\theta$$. Then the CRLB is $$\\DeclareMathOperator{\\V}{\\mathbb{V}} \\V W(X) \\ge \\frac1{i(\\theta)}$$, where $$i(\\theta)$$ is the Fisher information. The proof of this uses the correlation inequality (a version of the Cauchy-Schwarz inequality) $$\\DeclareMathOperator{\\C}{\\mathbb{C}} \\C (Y,Z) \\le \\V(Y) \\V(Z)$$ with $$Y=W(X), Z=\\frac{\\partial}{\\partial \\theta} \\log f(X; \\theta)$$. Equality is only possible if $$\\DeclareMathOperator{\\Cor}{\\mathbb{Cor}} \\Cor(Y,Z)=\\pm 1$$, which only is possible if $$Y$$ and $$Z$$ are proportional to each other (as functions of $$X$$ for each $$\\theta$$.)\nSo it is necessary that $$\\frac{\\partial}{\\partial \\theta} \\log f(X; \\theta) = a(\\theta) \\left( W(X)-\\theta\\right)$$ for some functions $$a(\\theta)$$. Now on integration $$\\log f(X;\\theta) = A(\\theta) W(X) + B(\\theta) + C(X)$$ for some functions $$A, B, C$$. This says that $$F(X;\\theta)$$ is an exponential family model.\nConclusion: For equality in the CRLB to be possible, the model must be an exponential family. Note that this is necessary, but not suficient, the argument above do give not only an exponential family, but is is also parametrized such that $$\\DeclareMathOperator{\\E}{\\mathbb{E}} \\E W(X)=\\theta$$."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.800763,"math_prob":0.99987185,"size":1577,"snap":"2022-05-2022-21","text_gpt3_token_len":450,"char_repetition_ratio":0.11824539,"word_repetition_ratio":0.0,"special_character_ratio":0.2878884,"punctuation_ratio":0.10491803,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":1.0000018,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-01-28T09:47:40Z\",\"WARC-Record-ID\":\"<urn:uuid:52abeb56-7acf-4cb6-9f4d-da9c4e6bdb89>\",\"Content-Length\":\"134651\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:97f70bb8-1d16-4136-ba26-1c0d08c0b551>\",\"WARC-Concurrent-To\":\"<urn:uuid:224d002b-5d9a-4816-b23e-ee7c43d0c361>\",\"WARC-IP-Address\":\"151.101.129.69\",\"WARC-Target-URI\":\"https://stats.stackexchange.com/questions/449679/explanation-of-why-an-umvue-doesnt-necessarily-have-to-achieve-the-crlb\",\"WARC-Payload-Digest\":\"sha1:7LYPNIQHVUDORP5NCAVNLMEXTT7N72JO\",\"WARC-Block-Digest\":\"sha1:WHHPXX36IZ5ML3BT5UJ64EHNQ5HL5XLJ\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-05/CC-MAIN-2022-05_segments_1642320305423.58_warc_CC-MAIN-20220128074016-20220128104016-00227.warc.gz\"}"} |
https://docs.edgeimpulse.com/docs/spectrogram | [
"# Spectrogram\n\nThe Spectrogram processing block extracts time and frequency features from a signal. It performs well on audio data for non-voice recognition use cases, or on any sensor data with continuous frequencies.\n\n## Spectrogram parameters\n\n• Frame length: The length of each frame in seconds\n• Frame stride: The step between successive frame in seconds\n• Frequency bands: The FFT size\n\n## How does the spectrogram block work?\n\nIt first divides the window in multiple overlapping frames. The size and number of frames can be adjusted with the parameters Frame length and Frame stride. For example with a window of 1 second, frame length of 0.02s and stride of 0.01s, it will create 99 time frames.\n\nEach time frame is then divided in frequency bins using an FFT (Fast Fourier Transform) and we compute its power spectrum. The number of frequency bins equals to the Frequency bands parameter divided by 2 plus 1. We recommend keeping the Frequency bands (a.k.a. FFT size) value as a power of 2 for performances purpose.\n\nThe features generated by the Spectrogram block are equal to the number of generated time frames times the number of frequency bins.\n\n### 📘Frequency bands and frame length\n\nThere is a correlation between the Frequency bands (FFT size) parameter and the frame length. The frame length will be cropped or padded to the Frequency bands value while applying the FFT. For example, with a 8kHz sampling frequency and a time frame of 0.02s, each time frame contains 160 samples (8k * 0.02). If your FFT size is set 128, time frames will be cropped to 128 samples. If your FFT size is set to 256, time frames will be padded with zeros."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.84175825,"math_prob":0.99161977,"size":1652,"snap":"2021-43-2021-49","text_gpt3_token_len":362,"char_repetition_ratio":0.16444175,"word_repetition_ratio":0.014285714,"special_character_ratio":0.218523,"punctuation_ratio":0.10031348,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9644522,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-11-28T00:37:04Z\",\"WARC-Record-ID\":\"<urn:uuid:22a55f07-1072-4291-baff-4e458527e7b7>\",\"Content-Length\":\"1049312\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:be929496-0298-4dd0-bb08-44c86c0d0bdc>\",\"WARC-Concurrent-To\":\"<urn:uuid:4e8fb143-e2ec-4dc1-be59-efd418b54052>\",\"WARC-IP-Address\":\"104.18.211.56\",\"WARC-Target-URI\":\"https://docs.edgeimpulse.com/docs/spectrogram\",\"WARC-Payload-Digest\":\"sha1:QJLOITJOSWEMYATB4UMD6L2IMFU5DAU3\",\"WARC-Block-Digest\":\"sha1:HYYOJZMOJWGIWUZCO7OFTMTSJRPY6SZ6\",\"WARC-Truncated\":\"length\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-49/CC-MAIN-2021-49_segments_1637964358323.91_warc_CC-MAIN-20211127223710-20211128013710-00384.warc.gz\"}"} |
https://www.semanticscholar.org/author/Y.-Manin/145483875 | [
"• Publications\n• Influence\nGromov-Witten classes, quantum cohomology, and enumerative geometry\n• Mathematics\n• 26 February 1994\nThe paper is devoted to the mathematical aspects of topological quantum field theory and its applications to enumerative problems of algebraic geometry. In particular, it contains an axiomatic\nConstruction of Instantons\n• Mathematics\n• 6 March 1978\nConstruction of Instantons\n• Mathematics\n• 6 March 1978\nAUTOMORPHIC PSEUDODIFFERENTIAL OPERATORS\n• Mathematics\n• 1997\nThe theme of this paper is the correspondence between classical modular forms and pseudodifferential operators (ΨDO’s) which have some kind of automorphic behaviour. In the simplest case, this\nMultiparametric quantum deformation of the general linear supergroup\nIn the work L. D. Faddeev and his collaborators, and subsequently V. G. Drinfeld, M. Jimbo, S. L. Woronowicz, a new class of Hopf algebras was constructed. They can be considered as one-parametric\nRelations Between the Correlators of the Topological Sigma-Model Coupled to Gravity\n• Mathematics\n• 28 August 1997\nAbstract:We prove a new recursive relation between the correlators ¶, which together with known relations allows one to express all of them through the full system of Gromov–Witten invariants in the\nA supersymmetric extension of the Kadomtsev-Petviashvili hierarchy\n• Physics, Mathematics\n• 1 March 1985\nAn extension of the Kadomtsev-Petviashvili hierarchy by odd variables is given. Conservation laws and formal integrability are proved.\nSemi)simple exercises in quantum cohomology\n• Mathematics\n• 1 March 2001\nThe paper is dedicated to the study of algebraic manifolds whose quantum cohomology or a part of it is a semisimple Frobenius manifold. Theorem 1.8.1 says, roughly speaking, that the sum of\nReal multiplication and noncommutative geometry (ein Alterstraum)\nPreface. Abel’s name is associated with a number of key notions of modern mathematics, such as abelian varieties, Abel’s integrals, etc. Moreover, it became almost synonymous with the idea of"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8771961,"math_prob":0.79869556,"size":2515,"snap":"2022-27-2022-33","text_gpt3_token_len":668,"char_repetition_ratio":0.12982875,"word_repetition_ratio":0.1312336,"special_character_ratio":0.22027832,"punctuation_ratio":0.16018307,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.96846443,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-06-29T05:05:24Z\",\"WARC-Record-ID\":\"<urn:uuid:3f4774cd-d46e-45d8-a999-8c998c2ee9b8>\",\"Content-Length\":\"459461\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:900c282e-e2ee-410b-9bcb-cb5f4afd3754>\",\"WARC-Concurrent-To\":\"<urn:uuid:7a437107-1a4b-4ed3-a8e8-961d1f93e028>\",\"WARC-IP-Address\":\"18.67.65.92\",\"WARC-Target-URI\":\"https://www.semanticscholar.org/author/Y.-Manin/145483875\",\"WARC-Payload-Digest\":\"sha1:M55Z4TD7LAHL5BWDXZGXVG5YOA3NXQ4D\",\"WARC-Block-Digest\":\"sha1:TPDFOUVVKGDW77YJ3UEKWCYPJFPGTMYS\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-27/CC-MAIN-2022-27_segments_1656103620968.33_warc_CC-MAIN-20220629024217-20220629054217-00661.warc.gz\"}"} |
https://docs.sympy.org/dev/modules/tensor/array.html | [
"# N-dim array#\n\nN-dim array module for SymPy.\n\nFour classes are provided to handle N-dim arrays, given by the combinations dense/sparse (i.e. whether to store all elements or only the non-zero ones in memory) and mutable/immutable (immutable classes are SymPy objects, but cannot change after they have been created).\n\n## Examples#\n\nThe following examples show the usage of Array. This is an abbreviation for ImmutableDenseNDimArray, that is an immutable and dense N-dim array, the other classes are analogous. For mutable classes it is also possible to change element values after the object has been constructed.\n\nArray construction can detect the shape of nested lists and tuples:\n\n>>> from sympy import Array\n>>> a1 = Array([[1, 2], [3, 4], [5, 6]])\n>>> a1\n[[1, 2], [3, 4], [5, 6]]\n>>> a1.shape\n(3, 2)\n>>> a1.rank()\n2\n>>> from sympy.abc import x, y, z\n>>> a2 = Array([[[x, y], [z, x*z]], [[1, x*y], [1/x, x/y]]])\n>>> a2\n[[[x, y], [z, x*z]], [[1, x*y], [1/x, x/y]]]\n>>> a2.shape\n(2, 2, 2)\n>>> a2.rank()\n3\n\n\nOtherwise one could pass a 1-dim array followed by a shape tuple:\n\n>>> m1 = Array(range(12), (3, 4))\n>>> m1\n[[0, 1, 2, 3], [4, 5, 6, 7], [8, 9, 10, 11]]\n>>> m2 = Array(range(12), (3, 2, 2))\n>>> m2\n[[[0, 1], [2, 3]], [[4, 5], [6, 7]], [[8, 9], [10, 11]]]\n>>> m2[1,1,1]\n7\n>>> m2.reshape(4, 3)\n[[0, 1, 2], [3, 4, 5], [6, 7, 8], [9, 10, 11]]\n\n\nSlice support:\n\n>>> m2[:, 1, 1]\n[3, 7, 11]\n\n\nElementwise derivative:\n\n>>> from sympy.abc import x, y, z\n>>> m3 = Array([x**3, x*y, z])\n>>> m3.diff(x)\n[3*x**2, y, 0]\n>>> m3.diff(z)\n[0, 0, 1]\n\n\nMultiplication with other SymPy expressions is applied elementwisely:\n\n>>> (1+x)*m3\n[x**3*(x + 1), x*y*(x + 1), z*(x + 1)]\n\n\nTo apply a function to each element of the N-dim array, use applyfunc:\n\n>>> m3.applyfunc(lambda x: x/2)\n[x**3/2, x*y/2, z/2]\n\n\nN-dim arrays can be converted to nested lists by the tolist() method:\n\n>>> m2.tolist()\n[[[0, 1], [2, 3]], [[4, 5], [6, 7]], [[8, 9], [10, 11]]]\n>>> isinstance(m2.tolist(), list)\nTrue\n\n\nIf the rank is 2, it is possible to convert them to matrices with tomatrix():\n\n>>> m1.tomatrix()\nMatrix([\n[0, 1, 2, 3],\n[4, 5, 6, 7],\n[8, 9, 10, 11]])\n\n\n### Products and contractions#\n\nTensor product between arrays $$A_{i_1,\\ldots,i_n}$$ and $$B_{j_1,\\ldots,j_m}$$ creates the combined array $$P = A \\otimes B$$ defined as\n\n$$P_{i_1,\\ldots,i_n,j_1,\\ldots,j_m} := A_{i_1,\\ldots,i_n}\\cdot B_{j_1,\\ldots,j_m}.$$\n\nIt is available through tensorproduct(...):\n\n>>> from sympy import Array, tensorproduct\n>>> from sympy.abc import x,y,z,t\n>>> A = Array([x, y, z, t])\n>>> B = Array([1, 2, 3, 4])\n>>> tensorproduct(A, B)\n[[x, 2*x, 3*x, 4*x], [y, 2*y, 3*y, 4*y], [z, 2*z, 3*z, 4*z], [t, 2*t, 3*t, 4*t]]\n\n\nTensor product between a rank-1 array and a matrix creates a rank-3 array:\n\n>>> from sympy import eye\n>>> p1 = tensorproduct(A, eye(4))\n>>> p1\n[[[x, 0, 0, 0], [0, x, 0, 0], [0, 0, x, 0], [0, 0, 0, x]], [[y, 0, 0, 0], [0, y, 0, 0], [0, 0, y, 0], [0, 0, 0, y]], [[z, 0, 0, 0], [0, z, 0, 0], [0, 0, z, 0], [0, 0, 0, z]], [[t, 0, 0, 0], [0, t, 0, 0], [0, 0, t, 0], [0, 0, 0, t]]]\n\n\nNow, to get back $$A_0 \\otimes \\mathbf{1}$$ one can access $$p_{0,m,n}$$ by slicing:\n\n>>> p1[0,:,:]\n[[x, 0, 0, 0], [0, x, 0, 0], [0, 0, x, 0], [0, 0, 0, x]]\n\n\nTensor contraction sums over the specified axes, for example contracting positions $$a$$ and $$b$$ means\n\n$$A_{i_1,\\ldots,i_a,\\ldots,i_b,\\ldots,i_n} \\implies \\sum_k A_{i_1,\\ldots,k,\\ldots,k,\\ldots,i_n}$$\n\nRemember that Python indexing is zero starting, to contract the a-th and b-th axes it is therefore necessary to specify $$a-1$$ and $$b-1$$\n\n>>> from sympy import tensorcontraction\n>>> C = Array([[x, y], [z, t]])\n\n\nThe matrix trace is equivalent to the contraction of a rank-2 array:\n\n$$A_{m,n} \\implies \\sum_k A_{k,k}$$\n\n>>> tensorcontraction(C, (0, 1))\nt + x\n\n\nMatrix product is equivalent to a tensor product of two rank-2 arrays, followed by a contraction of the 2nd and 3rd axes (in Python indexing axes number 1, 2).\n\n$$A_{m,n}\\cdot B_{i,j} \\implies \\sum_k A_{m, k}\\cdot B_{k, j}$$\n\n>>> D = Array([[2, 1], [0, -1]])\n>>> tensorcontraction(tensorproduct(C, D), (1, 2))\n[[2*x, x - y], [2*z, -t + z]]\n\n\nOne may verify that the matrix product is equivalent:\n\n>>> from sympy import Matrix\n>>> Matrix([[x, y], [z, t]])*Matrix([[2, 1], [0, -1]])\nMatrix([\n[2*x, x - y],\n[2*z, -t + z]])\n\n\nor equivalently\n\n>>> C.tomatrix()*D.tomatrix()\nMatrix([\n[2*x, x - y],\n[2*z, -t + z]])\n\n\n### Diagonal operator#\n\nThe tensordiagonal function acts in a similar manner as tensorcontraction, but the joined indices are not summed over, for example diagonalizing positions $$a$$ and $$b$$ means\n\n$$A_{i_1,\\ldots,i_a,\\ldots,i_b,\\ldots,i_n} \\implies A_{i_1,\\ldots,k,\\ldots,k,\\ldots,i_n} \\implies \\tilde{A}_{i_1,\\ldots,i_{a-1},i_{a+1},\\ldots,i_{b-1},i_{b+1},\\ldots,i_n,k}$$\n\nwhere $$\\tilde{A}$$ is the array equivalent to the diagonal of $$A$$ at positions $$a$$ and $$b$$ moved to the last index slot.\n\nCompare the difference between contraction and diagonal operators:\n\n>>> from sympy import tensordiagonal\n>>> from sympy.abc import a, b, c, d\n>>> m = Matrix([[a, b], [c, d]])\n>>> tensorcontraction(m, [0, 1])\na + d\n>>> tensordiagonal(m, [0, 1])\n[a, d]\n\n\nIn short, no summation occurs with tensordiagonal.\n\n### Derivatives by array#\n\nThe usual derivative operation may be extended to support derivation with respect to arrays, provided that all elements in the that array are symbols or expressions suitable for derivations.\n\nThe definition of a derivative by an array is as follows: given the array $$A_{i_1, \\ldots, i_N}$$ and the array $$X_{j_1, \\ldots, j_M}$$ the derivative of arrays will return a new array $$B$$ defined by\n\n$$B_{j_1,\\ldots,j_M,i_1,\\ldots,i_N} := \\frac{\\partial A_{i_1,\\ldots,i_N}}{\\partial X_{j_1,\\ldots,j_M}}$$\n\nThe function derive_by_array performs such an operation:\n\n>>> from sympy import derive_by_array\n>>> from sympy.abc import x, y, z, t\n>>> from sympy import sin, exp\n\n\nWith scalars, it behaves exactly as the ordinary derivative:\n\n>>> derive_by_array(sin(x*y), x)\ny*cos(x*y)\n\n\nScalar derived by an array basis:\n\n>>> derive_by_array(sin(x*y), [x, y, z])\n[y*cos(x*y), x*cos(x*y), 0]\n\n\nDeriving array by an array basis: $$B^{nm} := \\frac{\\partial A^m}{\\partial x^n}$$\n\n>>> basis = [x, y, z]\n>>> ax = derive_by_array([exp(x), sin(y*z), t], basis)\n>>> ax\n[[exp(x), 0, 0], [0, z*cos(y*z), 0], [0, y*cos(y*z), 0]]\n\n\nContraction of the resulting array: $$\\sum_m \\frac{\\partial A^m}{\\partial x^m}$$\n\n>>> tensorcontraction(ax, (0, 1))\nz*cos(y*z) + exp(x)\n\n\n## Classes#\n\nclass sympy.tensor.array.ImmutableDenseNDimArray(iterable, shape=None, **kwargs)[source]#\nclass sympy.tensor.array.ImmutableSparseNDimArray(iterable=None, shape=None, **kwargs)[source]#\nclass sympy.tensor.array.MutableDenseNDimArray(iterable=None, shape=None, **kwargs)[source]#\nclass sympy.tensor.array.MutableSparseNDimArray(iterable=None, shape=None, **kwargs)[source]#\n\n## Functions#\n\nsympy.tensor.array.derive_by_array(expr, dx)[source]#\n\nDerivative by arrays. Supports both arrays and scalars.\n\nExplanation\n\nGiven the array $$A_{i_1, \\ldots, i_N}$$ and the array $$X_{j_1, \\ldots, j_M}$$ this function will return a new array $$B$$ defined by\n\n$$B_{j_1,\\ldots,j_M,i_1,\\ldots,i_N} := \\frac{\\partial A_{i_1,\\ldots,i_N}}{\\partial X_{j_1,\\ldots,j_M}}$$\n\nExamples\n\n>>> from sympy import derive_by_array\n>>> from sympy.abc import x, y, z, t\n>>> from sympy import cos\n>>> derive_by_array(cos(x*t), x)\n-t*sin(t*x)\n>>> derive_by_array(cos(x*t), [x, y, z, t])\n[-t*sin(t*x), 0, 0, -x*sin(t*x)]\n>>> derive_by_array([x, y**2*z], [[x, y], [z, t]])\n[[[1, 0], [0, 2*y*z]], [[0, y**2], [0, 0]]]\n\nsympy.tensor.array.permutedims(expr, perm=None, index_order_old=None, index_order_new=None)[source]#\n\nPermutes the indices of an array.\n\nParameter specifies the permutation of the indices.\n\nExamples\n\n>>> from sympy.abc import x, y, z, t\n>>> from sympy import sin\n>>> from sympy import Array, permutedims\n>>> a = Array([[x, y, z], [t, sin(x), 0]])\n>>> a\n[[x, y, z], [t, sin(x), 0]]\n>>> permutedims(a, (1, 0))\n[[x, t], [y, sin(x)], [z, 0]]\n\n\nIf the array is of second order, transpose can be used:\n\n>>> from sympy import transpose\n>>> transpose(a)\n[[x, t], [y, sin(x)], [z, 0]]\n\n\nExamples on higher dimensions:\n\n>>> b = Array([[[1, 2], [3, 4]], [[5, 6], [7, 8]]])\n>>> permutedims(b, (2, 1, 0))\n[[[1, 5], [3, 7]], [[2, 6], [4, 8]]]\n>>> permutedims(b, (1, 2, 0))\n[[[1, 5], [2, 6]], [[3, 7], [4, 8]]]\n\n\nAn alternative way to specify the same permutations as in the previous lines involves passing the old and new indices, either as a list or as a string:\n\n>>> permutedims(b, index_order_old=\"cba\", index_order_new=\"abc\")\n[[[1, 5], [3, 7]], [[2, 6], [4, 8]]]\n>>> permutedims(b, index_order_old=\"cab\", index_order_new=\"abc\")\n[[[1, 5], [2, 6]], [[3, 7], [4, 8]]]\n\n\nPermutation objects are also allowed:\n\n>>> from sympy.combinatorics import Permutation\n>>> permutedims(b, Permutation([1, 2, 0]))\n[[[1, 5], [2, 6]], [[3, 7], [4, 8]]]\n\nsympy.tensor.array.tensorcontraction(array, *contraction_axes)[source]#\n\nContraction of an array-like object on the specified axes.\n\nExamples\n\n>>> from sympy import Array, tensorcontraction\n>>> from sympy import Matrix, eye\n>>> tensorcontraction(eye(3), (0, 1))\n3\n>>> A = Array(range(18), (3, 2, 3))\n>>> A\n[[[0, 1, 2], [3, 4, 5]], [[6, 7, 8], [9, 10, 11]], [[12, 13, 14], [15, 16, 17]]]\n>>> tensorcontraction(A, (0, 2))\n[21, 30]\n\n\nMatrix multiplication may be emulated with a proper combination of tensorcontraction and tensorproduct\n\n>>> from sympy import tensorproduct\n>>> from sympy.abc import a,b,c,d,e,f,g,h\n>>> m1 = Matrix([[a, b], [c, d]])\n>>> m2 = Matrix([[e, f], [g, h]])\n>>> p = tensorproduct(m1, m2)\n>>> p\n[[[[a*e, a*f], [a*g, a*h]], [[b*e, b*f], [b*g, b*h]]], [[[c*e, c*f], [c*g, c*h]], [[d*e, d*f], [d*g, d*h]]]]\n>>> tensorcontraction(p, (1, 2))\n[[a*e + b*g, a*f + b*h], [c*e + d*g, c*f + d*h]]\n>>> m1*m2\nMatrix([\n[a*e + b*g, a*f + b*h],\n[c*e + d*g, c*f + d*h]])\n\nsympy.tensor.array.tensorproduct(*args)[source]#\n\nTensor product among scalars or array-like objects.\n\nExamples\n\n>>> from sympy.tensor.array import tensorproduct, Array\n>>> from sympy.abc import x, y, z, t\n>>> A = Array([[1, 2], [3, 4]])\n>>> B = Array([x, y])\n>>> tensorproduct(A, B)\n[[[x, y], [2*x, 2*y]], [[3*x, 3*y], [4*x, 4*y]]]\n>>> tensorproduct(A, x)\n[[x, 2*x], [3*x, 4*x]]\n>>> tensorproduct(A, B, B)\n[[[[x**2, x*y], [x*y, y**2]], [[2*x**2, 2*x*y], [2*x*y, 2*y**2]]], [[[3*x**2, 3*x*y], [3*x*y, 3*y**2]], [[4*x**2, 4*x*y], [4*x*y, 4*y**2]]]]\n\n\nApplying this function on two matrices will result in a rank 4 array.\n\n>>> from sympy import Matrix, eye\n>>> m = Matrix([[x, y], [z, t]])\n>>> p = tensorproduct(eye(3), m)\n>>> p\n[[[[x, y], [z, t]], [[0, 0], [0, 0]], [[0, 0], [0, 0]]], [[[0, 0], [0, 0]], [[x, y], [z, t]], [[0, 0], [0, 0]]], [[[0, 0], [0, 0]], [[0, 0], [0, 0]], [[x, y], [z, t]]]]\n\nsympy.tensor.array.tensordiagonal(array, *diagonal_axes)[source]#\n\nDiagonalization of an array-like object on the specified axes.\n\nThis is equivalent to multiplying the expression by Kronecker deltas uniting the axes.\n\nThe diagonal indices are put at the end of the axes.\n\nExamples\n\ntensordiagonal acting on a 2-dimensional array by axes 0 and 1 is equivalent to the diagonal of the matrix:\n\n>>> from sympy import Array, tensordiagonal\n>>> from sympy import Matrix, eye\n>>> tensordiagonal(eye(3), (0, 1))\n[1, 1, 1]\n\n>>> from sympy.abc import a,b,c,d\n>>> m1 = Matrix([[a, b], [c, d]])\n>>> tensordiagonal(m1, [0, 1])\n[a, d]\n\n\nIn case of higher dimensional arrays, the diagonalized out dimensions are appended removed and appended as a single dimension at the end:\n\n>>> A = Array(range(18), (3, 2, 3))\n>>> A\n[[[0, 1, 2], [3, 4, 5]], [[6, 7, 8], [9, 10, 11]], [[12, 13, 14], [15, 16, 17]]]\n>>> tensordiagonal(A, (0, 2))\n[[0, 7, 14], [3, 10, 17]]\n>>> from sympy import permutedims\n>>> tensordiagonal(A, (0, 2)) == permutedims(Array([A[0, :, 0], A[1, :, 1], A[2, :, 2]]), [1, 0])\nTrue"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.6124716,"math_prob":0.9991802,"size":11322,"snap":"2022-40-2023-06","text_gpt3_token_len":4271,"char_repetition_ratio":0.17220357,"word_repetition_ratio":0.16732173,"special_character_ratio":0.4480657,"punctuation_ratio":0.2746676,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99903643,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-09-30T11:10:18Z\",\"WARC-Record-ID\":\"<urn:uuid:d8522600-ff8b-43e1-850a-06cff406bb9a>\",\"Content-Length\":\"132536\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:e4128213-7e46-4105-a0df-9961511fe8a0>\",\"WARC-Concurrent-To\":\"<urn:uuid:eb6e55dc-e515-4237-b6e8-d4c0bf61170a>\",\"WARC-IP-Address\":\"185.199.111.153\",\"WARC-Target-URI\":\"https://docs.sympy.org/dev/modules/tensor/array.html\",\"WARC-Payload-Digest\":\"sha1:HI6EDJ5COOWBL7FYYBESWBHSASXNK56N\",\"WARC-Block-Digest\":\"sha1:XJ3BJRMEQWBWR3IDVJ6RTRY7ZOYZZBBM\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-40/CC-MAIN-2022-40_segments_1664030335448.34_warc_CC-MAIN-20220930082656-20220930112656-00456.warc.gz\"}"} |
http://platformatyourservice.com/wiki/HowTo:Compute_a_Date_Value_in_a_View_or_Report | [
" HowTo:Compute a Date Value in a View or Report\n\n# HowTo:Compute a Date Value in a View or Report\n\nHowTo:Compute a Date Value in a View or Report\n For: Designers Level: Intermediate Time: 10 minutes See more: ◾ HowTo Guides\n\nThis guide shows how to compute a value for a view or report, without creating a data field in the record, and how to use some of the many available functions to convert a date into a text format.\n\n## Contents\n\n### Compute a Field for a View or Report\n\nNot all fields need to take up storage space. When the data you care about is a variation of data that is already contained in the record, you can add a Computed Field to a View or Report to construct that variation.\n\nStart by opening the view or report you care about:\n\n1. Go to Workspace > Reports\n2. Click the Edit link for the Report you want to modify\n-or-\n3. Go to Workspace > {object}\nA tab opens to display a list of records.\n4. Click the Wrench icon",
null,
"5. Select Edit this View\n\nThen create a computed field in that view or report:\n\n1. Click the link: New Computed Field\nA formula field opens.\n2. Provide a label for the column heading. For example: Created When\n3. Enter the type of value the formula will return. In this case: text.\n4. Use the formula builder to create the formula you want, using combinations of the many possible functions. (The next section illustrates a few of them.)\n\n### Convert a Date to Text\n\nIn this case, the goal is convert a date (like DATECREATED into a month day like \"Feb, 2012\". The following formula does that:\n\nCONCAT(\nIF( MONTH(DATECREATED)=01, 'Jan, ',\nIF (MONTH(DATECREATED)=02, 'Feb, ',\nIF (MONTH(DATECREATED)=03, 'Mar, ',\nIF (MONTH(DATECREATED)=03, 'Apr, ',\nIF (MONTH(DATECREATED)=03, 'May, ',\nIF (MONTH(DATECREATED)=03, 'Jun, ',\nIF (MONTH(DATECREATED)=03, 'Jul, ',\nIF (MONTH(DATECREATED)=03, 'Aug, ',\nIF (MONTH(DATECREATED)=03, 'Sep, ',\nIF (MONTH(DATECREATED)=03, 'Oct, ',\nIF (MONTH(DATECREATED)=11, 'Nov, ', 'Dec, ') ) ) ) ) ) ) ) ) ) ) ,\nTEXT(YEAR(DATECREATED) )\n)\n\nThe formula uses the CONCAT function to combine the month-expression with the year-expression. The year-expression is simple: TEXT(YEAR(DATECREATED). The month-expression uses a sequence of nested IF statements.\n\nThe syntax of the IF statement is IF (test, value-if-true, value-if-false). So the first test is MONTH(DATECREATED)=01 and the value returned if that expression is true is the string, 'Jan, '.\n\nThe tricky bit is the value-if-false part of the expression. There, a whole new copy of the expression needs to be embedded, to test for the month = 02. If it is, then the value of that expression is 'Feb'. But if the month isn't 02, yet another copy is needed to test for 03... and so on down to 11. (If that fails, the answer is 'Dec'). In outline, that part of the formula looks like this:\n\nIF( month=01, 'Jan', IF (month=02, 'Feb', ... IF (month=11, 'Nov, 'Dec'') ) ) ) ) ) ) ) ) ) )\n\n(Eleven closing parentheses are needed at the end of the expression--one for each IF test.)\n\n### Other Options\n\nHere are some other ways to achieve the same goal:\n\n1. Create a Formula Field in the record that tests the month number to store the appropriate string for the month (IF(MONTH(DATECREATED)=01, 'January ', etc.). Then add a computed field to the View that tacks on TEXT(YEAR(DATECREATED)) to that value.\n2. Create a text field in the record for the month, then create a Data Policy that runs on add and update. Execute Java code in the data policy, and put the month names in a HashMap or Array. Then tack on the year value, as above.\n3. Create a Utility class. In that class, create a function that takes a date argument and returns a string in the desired format. Use an add/update data policy to do the conversion. In the data policy, access the function to store the month/day form in the record. (Advantage: The function can be used for any date. Disadvantage: Extra storage space for the same value, in two formats.)\n4. Use a JSP page and a SQL query to create the desired view, and then add Javascript functions to extract the part of the date you want to display. (Advantage: No extra space required. Disadvantage: More hacking required--unless you enjoy hacking.)"
] | [
null,
"http://platformatyourservice.com/wiki/images/6/68/WrenchIcon.png",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.81744194,"math_prob":0.8113386,"size":4022,"snap":"2021-31-2021-39","text_gpt3_token_len":1031,"char_repetition_ratio":0.15629667,"word_repetition_ratio":0.016997168,"special_character_ratio":0.26578817,"punctuation_ratio":0.14946619,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.96739376,"pos_list":[0,1,2],"im_url_duplicate_count":[null,3,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-09-24T06:31:58Z\",\"WARC-Record-ID\":\"<urn:uuid:875152f7-46b9-493d-9585-dc4e5d7b7c4f>\",\"Content-Length\":\"31999\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:dbb00998-9a49-42c3-b497-5eb1319dcbed>\",\"WARC-Concurrent-To\":\"<urn:uuid:d2b6d935-4776-4795-9313-1748b1cb2b18>\",\"WARC-IP-Address\":\"34.211.210.0\",\"WARC-Target-URI\":\"http://platformatyourservice.com/wiki/HowTo:Compute_a_Date_Value_in_a_View_or_Report\",\"WARC-Payload-Digest\":\"sha1:DZ6ECNWQ3HEUX3IUSNC5WKCOFKHKVTXY\",\"WARC-Block-Digest\":\"sha1:GS7ZXOZIV24DLXQRG4HR24NE2LX2VPPH\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-39/CC-MAIN-2021-39_segments_1631780057504.60_warc_CC-MAIN-20210924050055-20210924080055-00290.warc.gz\"}"} |
https://linuxsimply.com/bash-scripting-tutorial/conditional-statements/if/if-test/ | [
"# Bash Test Operations in ‘If’ Statement\n\nBash test operation is a prominent way to use the built-in “test” command or the equivalent operator [ ] (square brackets) to check the validity of a conditional expression by returning exit status like 0 for (True/Success) and 1 for (False/Failure).\n\n## Performing Test Operations in ‘If’ Conditionals in Bash\n\nThe test command performs checks and makes decisions in different conditional cases such as numerical comparisons, string comparisons, file comparisons, etc. Following are 3 different schemes of Bash conditional tests.\n\n## Bash ‘if’ Conditional Test for Numerical Comparison\n\nNumerical comparison in Bash means comparing two numbers or numeric variables. However, conditional test operators that can be used for numerical comparison within the test command are: “-eq (equal)”, “-ne (not equal)”, “-gt (greater than)”, “-lt (less than)”, ‘-ge (greater than or equal)”, “-le (less than or equal)”.\n\n### 1. Equality Comparison Using “-eq”\n\nThe “-eq” is an operator that checks if two numbers are equal. The line `if [ \"\\$num1\" -eq \"\\$num2\" ]` returns True if the \\$num1 and \\$num2 are equal. The script below shows the use of it:\n\n``````#!/bin/bash\n\n#Declaring two numbers\nnum1=6\nnum2=6\n\n#Checking if the numbers are equal\nif [ \"\\$num1\" -eq \"\\$num2\" ]; then\necho \"Equal Numbers\"\nfi``````\nEXPLANATION\nThe script declares two variables num1 and num2. Then, it checks if the two numbers are equal using ‘[ ]’ within the ‘if’ statement and echoes the specific output using the echo command.",
null,
"This output states that the inserted two numbers make the ‘if’ condition true and print “Equal Numbers”.\n\n### 2. Inequality Comparison Using “-ne”\n\nThe “-ne” is an operator that checks if two numbers are not equal. So, to check whether the inserted two numbers are not equal, use the syntax `if [ \"\\$num1\" -ne \"\\$num2\" ]`. Following is an example to check if two numbers are not equal:\n\n``````#!/bin/bash\n\n#Declaring two numbers\nnum1=25\nnum2=5\n\n#Checking if the numbers are not equal\nif [ \"\\$num1\" -ne \"\\$num2\" ]; then\necho \"Not-equal Numbers\"\nfi``````\n\nEXPLANATION\nHere, the script first declares two variables num1 and num2. Then, it checks if the two numbers are not equal using ‘[ ]’ within the ‘if’ statement and displays the output using the echo command.",
null,
"The above image depicts that the script successfully satisfies the condition and displays “Not-equal Numbers”.\n\nSimilarly, you can use the operators “-gt”, “-lt”, ‘-ge”, “-le” and perform conditional test operations respectively.\n\n## Bash ‘if’ Conditional Test for String Comparison\n\nWhen working with Bash scripts, sometimes you may need to compare strings in cases of equality, inequality, sorting and so on. In this effort, you can use these string comparison operators “= (equal)”, “!= (not equal)”, “> (greater than)”, “< (less than)”, “>= (greater than or equal)”, “<= (less than or equal)” within the test command.\n\n### 1. Checking Null String Using “-z”\n\nThe “-z” is an operator that checks if a string is empty (zero length). If the condition `[ -z \"\\$string\" ]` within an “if” block is satisfied, it returns 0 (success) and executes the code of that block. Here is a detailed example:\n\n``````#!/bin/bash\n\n#Defining a string\nstring=\"\"\n\n#Checking if the string is empty\nif [ -z \"\\$string\" ]; then\necho \"Empty String\"\nfi``````\n\nEXPLANATION\nFirst, the script defines a variable string. Then it checks if the string has zero length using the “-z” operator in the ‘[ ]’ command and displays the output “Empty String”.",
null,
"From the above image, you can see that the declared variable string contains zero-length which means the string is empty.\n\n### 2. Checking Non-empty String Using “-n”\n\nThe “-n” is an operator that checks whether a string is non-empty (non-zero length). And this is done by using the syntax `if [ -n \"\\$string\" ]`. For instance:\n\n``````#!/bin/bash\n\n#Defining a string\nstring=\"Hello, Linux!\"\n\n#Checking if the string is not empty\nif [ -n \"\\$string\" ]; then\necho \"Not Empty String\"\nfi``````\n\nEXPLANATION\nThis script first defines a string and then checks if the string has a non-zero length using the -n operator and displays “Not Empty String”.",
null,
"The above image states that the inserted variable length is non-zero meaning that it is a non-empty string.\n\n### 3. Equality Checking Using “=”\n\nThe “=” is an operator that checks if two strings are equal. The syntax `if [ \"\\$String1\" = \"\\$String2\" ]` does the equality checking of the strings. Here’s an example for you:\n\n``````#!/bin/bash\n\n#Defining two strings\nString1=\"Hi, Linux!\"\nString2=\"Hi, Linux!\"\n\n#Checking if the strings are equal\nif [ \"\\$String1\" = \"\\$String2\" ]; then\necho \"Equal strings\"\nfi``````\n\nEXPLANATION\nThis script declares two variables String1 and String2, then checks if the two strings are equal using the ‘=’ operator and displays the output “Equal strings”.",
null,
"The above image is a demonstration of equality checking of two strings.\n\n### 4. Inequality Checking Using “!=”\n\nThe “!=” is an operator that verifies and returns true if two strings are not equal. Only using the syntax `if [ \"\\$String1\" != \"\\$String2\" ]` is enough to perform the inequality check. Let’s have a look at the following example:\n\n``````#!/bin/bash\n\n#Defining two strings\nString1=\"Hi, Linux!\"\nString2=\"Hi, Windows!\"\n\n#Checking if the strings are not equal\nif [ \"\\$String1\" != \"\\$String2\" ]; then\necho \"Not Equal Strings\"\nfi``````\n\nEXPLANATION\nThis Bash script declares two variables String1 and String2, checks if the two strings are not equal using the ‘!=’ operator and displays the output “Not Equal Strings”.",
null,
"In the above image, you will see a demonstration of inequality checking of two strings.\n\n## Bash ‘if’ Conditional Test for File & Directory Comparisons\n\nConditional testing is not only confined to numerical and string comparisons. Several file and directory operations can be performed using the test command in ‘if’ conditional statements in Bash.\n\nSome common test operations can be implemented on files and directories using some Unary Operators where the output becomes true only for the existing file and directory that contains the following characteristics:\n\nUnary Operators Purposes\n-d Checks if it is a directory.\n-e Checks if a file/directory exists.\n-f Checks if it is a regular file.\n-h / -L Checks if an existing file is a symbolic link.\n-r Checks if a file is readable.\n-s Checks if a file size is greater than zero.\n-x Checks if a file is executable.\n-w Checks if a file is writable.\n-N Checks if an existing file has been modified since it was last read.\n-S Checks if a file is a socket file.\n\nThe following example can be a helpful demo for you to understand how to perform a simple test operation on a file:\n\n``````#!/bin/bash\n\n#Checking if the file is executable\nfile=\"file1.sh\"\nif [ -x \"\\$file\" ]; then\necho \"\\$file is executable.\"\nfi``````\n\nEXPLANATION\nThe Bash script assigns a script file to a variable and then checks if the file is executable using [ -x “\\$file” ] and displays the output “file1.sh is executable”.",
null,
"The above image describes that the assigned file file1.sh is executable.\n\nAccording to the context of the previous discussion, you can perform conditional tests on pairs of files too by using Binary Operators like “-ot (Checks if a file is older than another one)”, “-nt (Checks if a file is newer than another one)” and so on.\n\n## Conclusion\n\nThe whole article provides you a proper knowledge of how you can perform different conditional tests in Bash. So, whether it’s for checking numeric values, file permissions, string comparisons, or verifying logical conditions, the test command always empowers you to make proper decisions and create responsive scripts by automating your tasks.\n\n### Is there a shorthand for combining conditions in an ‘if’ statement using the ‘test’ command?\n\nYes, you can use the logical operators ‘-a (AND)’ or ‘-o (OR)’ within the square brackets as a shorthand for combining conditions in an ‘if’ statement in Bash using the ‘test’ command. For example, `[ condition1 -o condition2 ]`\n\n### Is there any difference between the = and == operators in the ‘test’ command when comparing strings in an ‘if’ statement?\n\nNo, there is no difference between the ‘=’ and ‘==’ operators in the ‘test’ command. Both operators are equivalent and you can use any one of your choice when comparing strings in an ‘if’ statement.\n\n### How to If a string starts with a specific prefix using the ‘test’ command in an ‘if’ statement?\n\nTo check if a string starts with a specific prefix, use a string operator with ‘#’. Here’s the syntax you can follow where the conditional checks if the string starts with a prefix: `if [ \"\\${string#prefix}\" = \"\\$string\" ] `\n\n### Is there a way to check If a string ends with a specific suffix using the ‘test’ command in an ‘if’ statement?\n\nYes, you can use a string operator with ‘%’ in an ‘if’ statement in a format like `if [ \"\\${string%suffix}\" = \"\\$string\" ]` to check if the string ends with a specific suffix.\n\n### Can I use wildcard patterns with the ‘test’ command in an ‘if’ statement to match filenames?\n\nYes, you can use wildcard patterns with the ‘test’ command in an ‘if’ statement to match filenames. For instance, `if [ -f *.sh ]` checks if there exist any files with the ‘.sh’ extension in the current directory.\n\n### How to test If a command is running?\n\nTo test if a command is running, use the `ps aux` command and then pipe the output to `grep`. This ‘ps (process status)’ command checks the list of running processes and the ‘grep’ command then looks for the particular command/process. For example:\n\n``````#!/bin/bash\n\n#Specifying the process name\nprocess=\"X\"\n\n#Checking if the process is running\nif ps aux | grep -q \"\\$process\"; then\necho \"Yes! \\$process is running.\"\nfi``````\n\nRate this post",
null,
"Hello, This is Nadiba Rahman, currently working as a Linux Content Developer Executive at SOFTEKO. I have completed my graduation with a bachelor’s degree in Electronics & Telecommunication Engineering from Rajshahi University of Engineering & Technology (RUET).I am quite passionate about crafting. I really adore exploring and learning new things which always helps me to think transparently. And this curiosity led me to pursue knowledge about Linux. My goal is to portray Linux-based practical problems and share them with you. Read Full Bio"
] | [
null,
"data:image/svg+xml,%3Csvg%20xmlns='http://www.w3.org/2000/svg'%20viewBox='0%200%20699%20190'%3E%3C/svg%3E",
null,
"data:image/svg+xml,%3Csvg%20xmlns='http://www.w3.org/2000/svg'%20viewBox='0%200%20700%20161'%3E%3C/svg%3E",
null,
"data:image/svg+xml,%3Csvg%20xmlns='http://www.w3.org/2000/svg'%20viewBox='0%200%20700%20172'%3E%3C/svg%3E",
null,
"data:image/svg+xml,%3Csvg%20xmlns='http://www.w3.org/2000/svg'%20viewBox='0%200%20700%20184'%3E%3C/svg%3E",
null,
"data:image/svg+xml,%3Csvg%20xmlns='http://www.w3.org/2000/svg'%20viewBox='0%200%20700%20204'%3E%3C/svg%3E",
null,
"data:image/svg+xml,%3Csvg%20xmlns='http://www.w3.org/2000/svg'%20viewBox='0%200%20700%20176'%3E%3C/svg%3E",
null,
"data:image/svg+xml,%3Csvg%20xmlns='http://www.w3.org/2000/svg'%20viewBox='0%200%20700%20167'%3E%3C/svg%3E",
null,
"data:image/svg+xml,%3Csvg%20xmlns='http://www.w3.org/2000/svg'%20viewBox='0%200%2096%2096'%3E%3C/svg%3E",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8203912,"math_prob":0.87693334,"size":8077,"snap":"2023-40-2023-50","text_gpt3_token_len":1968,"char_repetition_ratio":0.14703332,"word_repetition_ratio":0.077319585,"special_character_ratio":0.25281665,"punctuation_ratio":0.1,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.98894626,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16],"im_url_duplicate_count":[null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-12-06T17:48:11Z\",\"WARC-Record-ID\":\"<urn:uuid:ff0a9821-301a-40a6-9afb-eae79e35f94f>\",\"Content-Length\":\"206138\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:a4cecc04-b671-454c-a07f-358fef191975>\",\"WARC-Concurrent-To\":\"<urn:uuid:87377dec-d94a-4641-aa57-2017e250a629>\",\"WARC-IP-Address\":\"172.67.219.37\",\"WARC-Target-URI\":\"https://linuxsimply.com/bash-scripting-tutorial/conditional-statements/if/if-test/\",\"WARC-Payload-Digest\":\"sha1:LQTVVL2DEV5HKTVUN5DRFHZDVE45V6VE\",\"WARC-Block-Digest\":\"sha1:KFLIPPL7LQIYPSCSTHM76L4KB5EVLFSB\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-50/CC-MAIN-2023-50_segments_1700679100602.36_warc_CC-MAIN-20231206162528-20231206192528-00615.warc.gz\"}"} |
https://www.kuwaittutor.com/mathematics/calculus-tutors | [
"",
null,
"# Mathematics: Calculus Tutors in Kuwait\n\nFind below the best Mathematics: Calculus tutors in Kuwait\n\n## Nofil T.\n\nKuwait City, Kuwait\n\\$35/hr\n\\$35/hr\n• Algebra, Calculus, Coordinate Geometry, Geometry, Trigonometry\nStart Your Journey Towards Understanding Universe in a Scientific Way\nMy name is Nofil bin Tariq. I am a mathematics and physics tutor. I have been teaching these subjects for the last 6 years. Online tutoring is my full...\n• Algebra, Calculus, Coordinate Geometry, Geometry, Trigonometry\nStart Your Journey Towards Understanding Universe in a Scientific Way\nMy name is Nofil bin Tariq. I am a mathematics and physics tutor. I have been teaching these subjects for the last 6 years. Online tutoring is my full...\n\n## Sharon J.\n\n\\$12/hr\n\\$12/hr\n• Algebra, Calculus, Differential Equations, Trigonometry\nExperienced Math tutor in Kuwait, expertise in handling British curriculum, Precalculus, calculus\nExperienced Math teacher having expertise in handling British Curriculum, CBSE, Calculus, Pre Calculus, Advanced algebra, training student for exams l...\n• Algebra, Calculus, Differential Equations, Trigonometry\nExperienced Math tutor in Kuwait, expertise in handling British curriculum, Precalculus, calculus\nExperienced Math teacher having expertise in handling British Curriculum, CBSE, Calculus, Pre Calculus, Advanced algebra, training student for exams l...\n\nKuwait City, Kuwait\n\\$65/hr\n\\$65/hr\n• Algebra, Arithmetic, Calculus, Geometry, Probability & Statistics\nMath Tutoring From a University Assistant Professor.\nI am working as an assistant professor at a Kuwaiti University. Specialized areas are Finance, Economics, Statistics, and Math. I can also teach MS Ex...\n• Algebra, Arithmetic, Calculus, Geometry, Probability & Statistics\nMath Tutoring From a University Assistant Professor.\nI am working as an assistant professor at a Kuwaiti University. Specialized areas are Finance, Economics, Statistics, and Math. I can also teach MS Ex...\n\n## Saif A.\n\nJeleeb Al-Shuyoukh, Kuwait\n\\$45/hr\n\\$45/hr\n• Algebra, Calculus, Coordinate Geometry, Probability & Statistics, Trigonometry\nExperienced Mathematics and Science teacher in Kuwait\n“Hello, I'm Saif Ali ! I have been tutoring for 8 years now and it's truly been one of the most rewarding experiences of my life. I've helped so man...\n• Algebra, Calculus, Coordinate Geometry, Probability & Statistics, Trigonometry\nExperienced Mathematics and Science teacher in Kuwait\n“Hello, I'm Saif Ali ! I have been tutoring for 8 years now and it's truly been one of the most rewarding experiences of my life. I've helped so man...\n\n## Josh B.\n\n\\$81/hr\n\\$81/hr\n• Algebra, Arithmetic, Calculus, Geometry, Probability & Statistics\nPassionate Secondary Math Tutor\nHello, My name is Josh Bowers. This is my second school year in Kuwait. I teach middle school mathematics currently, but I have my Master's in Tea...\n• Algebra, Arithmetic, Calculus, Geometry, Probability & Statistics\nPassionate Secondary Math Tutor\nHello, My name is Josh Bowers. This is my second school year in Kuwait. I teach middle school mathematics currently, but I have my Master's in Tea...\n\n## Maths T.\n\nSalmiya, Kuwait\n\\$30/hr\n\\$30/hr\n• Algebra, Arithmetic, Calculus, Coordinate Geometry, Trigonometry\nPERFECT INSTITUTE FOR MATHEMATICS AND SCIENCE\nTutor with unique style of teaching with simple and easy way in friendly environment.Experience of more than 20 yrs with vast coverage of thousands of...\n• Algebra, Arithmetic, Calculus, Coordinate Geometry, Trigonometry\nPERFECT INSTITUTE FOR MATHEMATICS AND SCIENCE\nTutor with unique style of teaching with simple and easy way in friendly environment.Experience of more than 20 yrs with vast coverage of thousands of...\n\n## Saima A.\n\nHawally, Kuwait\n\\$15/hr\n\\$15/hr\n• 1 class\n• Algebra, Arithmetic, Calculus, Differential Equations, Trigonometry\nExperienced Maths Teacher upto University level\nExperience Maths Teacher upto University level Maths tutor upto University level Cover Cambridge and Edexcel exam boards Help with homewor...\n• 1 class\n• Algebra, Arithmetic, Calculus, Differential Equations, Trigonometry\nExperienced Maths Teacher upto University level\nExperience Maths Teacher upto University level Maths tutor upto University level Cover Cambridge and Edexcel exam boards Help with homewor...\n\n## Ali S.\n\nSalmiya, Kuwait\n\\$50/hr\n\\$50/hr\n• Algebra, Arithmetic, Calculus, Geometry, Trigonometry\nIGCSE MATH and Science Tutor available in kuwait\nProfessional Teacher available for math and science American and British schools/ colleges/ University/ IGCSE/AS-LEVEL, (Cambridge and edexcel, iB, c...\n• Algebra, Arithmetic, Calculus, Geometry, Trigonometry\nIGCSE MATH and Science Tutor available in kuwait\nProfessional Teacher available for math and science American and British schools/ colleges/ University/ IGCSE/AS-LEVEL, (Cambridge and edexcel, iB, c...\n\n## Hani B.\n\nHawally, Kuwait\n\\$10/hr\n\\$10/hr\n• Algebra, Calculus, Differential Equations, Geometry, Trigonometry\nProfessional tutor for Math, Physics, Calculas, Statics, Dynamics, Mechanics, and Fluids\nProfessional tutor for Math, Physics, Calculas, Statics, Dynamics, Mechanics, Fluid and other Engineering Subjects for American and British Circuliums...\n• Algebra, Calculus, Differential Equations, Geometry, Trigonometry\nProfessional tutor for Math, Physics, Calculas, Statics, Dynamics, Mechanics, and Fluids\nProfessional tutor for Math, Physics, Calculas, Statics, Dynamics, Mechanics, Fluid and other Engineering Subjects for American and British Circuliums...\n\n## Fakhri M.\n\nAl Farwaniyah, Kuwait\n\\$40/hr\n\\$40/hr\n• Algebra, Arithmetic, Calculus, Geometry, Trigonometry\nContact to excel in maths,physics,biology and english language\nMore than 10 years experience in tutoring in kuwait. I can help you with multiple subjects including the English language. I am calm and believe in te...\n• Algebra, Arithmetic, Calculus, Geometry, Trigonometry\nContact to excel in maths,physics,biology and english language\nMore than 10 years experience in tutoring in kuwait. I can help you with multiple subjects including the English language. I am calm and believe in te...\n\n## Online Calculus tutors worldwide\n\n### 👉 How do I improve my problem-solving skills in Mathematics?",
null,
"Improving problem-solving skills in Mathematics requires practice, patience, and persistence. Try solving problems on a regular basis, seeking out challenging problems, breaking down complex problems into smaller steps, and seeking help from a teacher or tutor when needed. Additionally, studying the solutions to similar problems and understanding the reasoning behind them can also be helpful.\n\n### 👉 What is the best approach for studying and retaining mathematical concepts?",
null,
"Improving problem-solving skills in Mathematics requires practice, patience, and persistence. Try solving problems on a regular basis, seeking out challenging problems, breaking down complex problems into smaller steps, and seeking help from a teacher or tutor when needed. Additionally, studying the solutions to similar problems and understanding the reasoning behind them can also be helpful.\n\n### 👉 How can I prepare for mathematical exams and assessments?",
null,
"Preparing for mathematical exams and assessments involves reviewing and practicing key concepts, solving sample problems, and seeking help from teachers or tutors. It is also important to manage time effectively during exams and to understand the format and type of questions that will be asked.\n\n### 👉 What are the common mistakes made by students while learning Mathematics and how can they be avoided?",
null,
"Common mistakes made by students while learning Mathematics include not paying attention to details, rushing through problems, not checking work, and not seeking help when needed. These mistakes can be avoided by being attentive, taking time to understand the problem, double-checking work, and asking for assistance when needed.\n\n### 👉 How can I overcome a fear or dislike of Mathematics?",
null,
"Overcoming a fear or dislike of Mathematics requires a change in mindset and attitude. This can be achieved by breaking down complex problems into smaller parts, seeking help from teachers or tutors, finding real-life applications of mathematical concepts, and focusing on understanding the concepts rather than just getting the right answer.\n\n### 👉 What are the career opportunities for someone with a strong foundation in Mathematics?",
null,
"A strong foundation in Mathematics can lead to a variety of career opportunities, including actuarial science, finance, data analysis, computer science, engineering, and education. Mathematics is also a valuable skill in many other fields, such as physics, economics, and statistics.\n\n### 👉 What are the best resources for learning Calculus?",
null,
"There are many resources available for students to learn calculus, each with strengths and weaknesses. Here we will look at some of the best resources for tackling this challenging yet rewarding subject.\n\nFor a comprehensive understanding of calculus, textbooks remain the go-to resource. Textbooks provide detailed diagrams and explanations, which can be used alongside online video tutorials or in-person classes. They also offer useful definitions and formulas when solving problems related to the subject. Additionally, textbooks often come with practice questions to help reinforce concepts taught in class or online lectures.\n\nAnother excellent resource for learning calculus is online video tutorials created by leading experts in the field.\n\n### 👉 What are the most challenging aspects of learning Calculus?",
null,
"One of the most challenging aspects of learning calculus is grasping the concept of limits - one of its core components. Limits are used to determine whether a function approaches infinity or zero regarding specific points or values on an x-axis. Knowing how to apply these limits properly is essential for solving problems and understanding more advanced topics within this discipline.\n\nAnother challenge facing students is learning to differentiate between multiple types of derivatives, including ordinary, partial, and implicit derivatives.\n\n• ### FAQ's On Maths Learning Tuition\n\nDisclaimer: MyPrivateTutor is a tutoring marketplace and a community which helps connect learners to great tutors and trainers. We do not introduce or supply tutors to those seeking tuitions, nor do we select or propose specific tutors to those seeking tuitions or learners to tutors. MyPrivateTutor does not verify the identity of or information posted by, tutors or learners. Please see our Safety Centre for guidance on how to verify the identity of and information posted by, other users."
] | [
null,
"https://www.kuwaittutor.com/public/frontend/images/spinnerbig.svg",
null,
"https://www.kuwaittutor.com/public/frontend/images/arrowdown.svg",
null,
"https://www.kuwaittutor.com/public/frontend/images/arrowdown.svg",
null,
"https://www.kuwaittutor.com/public/frontend/images/arrowdown.svg",
null,
"https://www.kuwaittutor.com/public/frontend/images/arrowdown.svg",
null,
"https://www.kuwaittutor.com/public/frontend/images/arrowdown.svg",
null,
"https://www.kuwaittutor.com/public/frontend/images/arrowdown.svg",
null,
"https://www.kuwaittutor.com/public/frontend/images/arrowdown.svg",
null,
"https://www.kuwaittutor.com/public/frontend/images/arrowdown.svg",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9257072,"math_prob":0.41128892,"size":3394,"snap":"2023-14-2023-23","text_gpt3_token_len":573,"char_repetition_ratio":0.123893805,"word_repetition_ratio":0.21765913,"special_character_ratio":0.16588096,"punctuation_ratio":0.115658365,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.96219987,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18],"im_url_duplicate_count":[null,9,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-03-20T09:19:05Z\",\"WARC-Record-ID\":\"<urn:uuid:5ce4043c-4cb6-4d1e-9a58-8a72d237cfb5>\",\"Content-Length\":\"106251\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:3faae177-3580-4a97-85e1-887f5f67ae01>\",\"WARC-Concurrent-To\":\"<urn:uuid:c57030bb-553c-4118-b902-97e5ec38448e>\",\"WARC-IP-Address\":\"180.150.134.33\",\"WARC-Target-URI\":\"https://www.kuwaittutor.com/mathematics/calculus-tutors\",\"WARC-Payload-Digest\":\"sha1:TKUODPR45NQOSXZBZG3CQUNLZMU764NR\",\"WARC-Block-Digest\":\"sha1:D3Q3UWOZFNT2VH7KQPZMVZCIFA7TWYWW\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-14/CC-MAIN-2023-14_segments_1679296943471.24_warc_CC-MAIN-20230320083513-20230320113513-00667.warc.gz\"}"} |
https://www.ask-math.com/comparison-of-decimals.html | [
"# Comparison of Decimals\n\nIn this section we will discuss comparison of decimals.\n\nWhile comparing two decimal numbers:\n\n1) The decimal fraction with the greater integral part will be greater.\n\n2) If the integral parts of two decimal fractions are the same, then beginning from the tenths place the decimal fraction with the greater digit in the same place is greater.\n\n1) Example Compare 0.62 or 0.071\n\nSolution :\n\nThe integral parts of both the numbers are 0.\n\nNow compare the next digits, 6 >0\n\nSo 0.62 > 0.071\n\n2) Example : Compare 2.589 and 2.525\n\nSolution :\n\nThe integral parts of both the numbers are 2.\n\nThe tenth digit of both numbers is also same.(5)\n\nNow compare next digit, 8 > 2\n\nSo 2.589 > 2.525.\n\nArranging the decimal numbers in ascending/descending order :\n\n3) Example :\n\nArrange 323.3, 3.323, 3.233, 3.332 and 33.23 in ascending order.\n\nSolution :\n\nFirst write all the decimals in place-value chart.\n\n Decimals Hundreds Tens Ones Decimal point Tenths Hundredths Thousandths 323.3 3 2 3 . 3 0 0 3.323 3 . 3 2 3 3.233 3 . 2 3 3 3.332 3 . 3 3 2 33.23 3 3 . 2 3 0\n\nThe greatest integral part is 323, followed by 33,after which there are 3 decimals with the same integral part.\n\nHere,3.233 is the smallest decimal as the digit in its tenths place is the smallest in this case.\n\n323.3>33.23>3.332>3.323>3.233\n\nThus the decimals in descending order are\n\n323.3,33.23,3.332,3.323,3.233\n\nPractice\n\nQ. 1 Put the proper sign.\n1) 4.65 ( ) 4.56\n2) 14.5 ( ) 18.56\n3) 10 ( ) 1.56\n4) 413.846 ( ) 413.384\n5) 12.5678 ( ) 12.5677\n\nIntroduction of Decimals\n\nExpansion of decimals\nComparison of decimals"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.66973495,"math_prob":0.9982998,"size":1710,"snap":"2019-51-2020-05","text_gpt3_token_len":521,"char_repetition_ratio":0.1905041,"word_repetition_ratio":0.1396104,"special_character_ratio":0.3608187,"punctuation_ratio":0.18032786,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99704564,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-01-23T16:42:13Z\",\"WARC-Record-ID\":\"<urn:uuid:102ff638-1dc3-4309-864d-39323939373c>\",\"Content-Length\":\"193986\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:906ff996-7cea-45c2-84f0-6820b9a63c13>\",\"WARC-Concurrent-To\":\"<urn:uuid:eb136c7a-9dd2-4ea6-891b-aead538b5cd3>\",\"WARC-IP-Address\":\"104.27.191.8\",\"WARC-Target-URI\":\"https://www.ask-math.com/comparison-of-decimals.html\",\"WARC-Payload-Digest\":\"sha1:ALKUQHSUIINQ3EM2A7NED4LQXMGEGVDD\",\"WARC-Block-Digest\":\"sha1:5MARI7OD2DCUPFWPLRSXFIRH5PUVN42R\",\"WARC-Identified-Payload-Type\":\"application/xhtml+xml\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-05/CC-MAIN-2020-05_segments_1579250611127.53_warc_CC-MAIN-20200123160903-20200123185903-00236.warc.gz\"}"} |
http://analyticspro.org/2016/03/02/r-tutorial-multiple-linear-regression/?shared=email&msg=fail | [
"# R Tutorial : Multiple Linear Regression\n\nThis tutorial goes one step ahead from 2 variable regression to another type of regression which is Multiple Linear Regression. We will go through multiple linear regression using an example in R\n\nPlease also read though following Tutorials to get more familiarity on R and Linear regression background.\n\nR : Basic Data Analysis – Part 1\n\nR Tutorial : Intermediate Data Analysis – Part 2\n\nTutorial : Concept of Linearity in Linear Regression\n\nTutorial : Linear Regression Construct\n\nR Tutorial : Basic 2 variable Linear Regression\n\nTechnique : Multiple Linear Regression\n\nWhen to use : When our output variable is numeric\n\nNo of variables : > 2\n\nFor this tutorial we will be using csv version of the excel file uploaded here demandformoney. As always please save the file and then convert it to .csv using save as from excel.\n\n### Problem Statement\n\nCentral Bank prints paper money each year. For each year they need an estimate of how much money to be printed. The decision is based on various economic indicators like GDP, Interest rate etc. We will try to model the solution to this problem using Multiple linear regression.\n\n### Step 1 : Read File\n\n```money = read.csv(\"demandformoney.csv\")\nstr(money)\n```\n\n‘data.frame’: 35 obs. of 5 variables:\n\\$ year : int 1970 1971 1972 1973 1974 1975 1976 1977 1978 1979 …\n\\$ Money_printed: int 7374 8323 9700 11200 11975 13325 16024 14388 17292 20000 …\n\\$ GDP : int 474131 478918 477392 499120 504914 550379 557258 598885 631839 598974 …\n\\$ Interest_RATE: num 7.25 7.25 7.25 7.25 9 10 10 9 9 10 …\n\\$ WPI : num 14.3 15.1 16.7 20.1 25.1 24.8 25.3 26.6 26.6 31.2 …\n\nNote : We have 4 variables of interest here Money_printed, GDP , Interest_RATE and WPI and we have conveniently omitted the variable year for a reason. But we will leave that discussion out for another tutorial post.\n\n### Step 2 : Identify the output variable and input variable\n\n```since ;\nMoney_printed = f ( GDP , Interest_RATE , WPI )```\n\noutput variable : Money_printed\n\nInput variables : GDP , Interest_RATE , WPI\n\n### Step 3 : Scatter plot\n\n```plot(money,col='red')\n```",
null,
"All the Input variables seem to be fairly linearly correlated with our output variable Money_printed except for WPI.\n\n### Step 4 : Construct a Linear model using R\n\n```multilinearmodel = lm (Money_printed ~ GDP + Interest_RATE + WPI, data = money)\nsummary(multilinearmodel)\n```\n```Call:\nlm(formula = Money_printed ~ GDP + Interest_RATE + WPI, data = money)\n\nResiduals:\nMin 1Q Median 3Q Max\n-46875 -7027 1387 15068 46249\n\nCoefficients:\nEstimate Std. Error t value Pr(>|t|)\n(Intercept) -1.759e+04 5.052e+04 -0.348 0.73008\nGDP 2.975e-01 8.787e-02 3.385 0.00195 **\nInterest_RATE -1.626e+04 2.919e+03 -5.570 4.19e-06 ***\nWPI 2.943e+01 9.038e+02 0.033 0.97423\n---\nSignif. codes: 0 ‘***’ 0.001 ‘**’ 0.01 ‘*’ 0.05 ‘.’ 0.1 ‘ ’ 1\n\nResidual standard error: 22770 on 31 degrees of freedom\nMultiple R-squared: 0.9848,\tAdjusted R-squared: 0.9834\nF-statistic: 670.4 on 3 and 31 DF, p-value: < 2.2e-16\n```\n\nPlease note the formula used here is Money_printed ~ GDP + Interest_RATE + WPI\ni.e Output Variable ~ Input Variable 1 + Input Variable 2 ….\nAn important point to be noted is the P value for variables GDP, Interest_RATE is significant i.e Pr(>|t|) for these variables is less than 0.05 .\n\nFor variable WPI however the P value is 0.97423 which is greater than 0.05 which is highly insignificant. What that means is that the variable WPI does not contribute significantly to the model and hence it must be removed.\n\nPlease also note that the Adjusted R Squared in 0.9834 which is fairly good but by removing an insignificant variable we can expect marginal increase in Adjusted R Squared as well.\n\nLets now go through another iteration of creating a model after omitting WPI from input variables.\n\n```multilinearmodel = lm (Money_printed ~ GDP + Interest_RATE , data = money)\nsummary(multilinearmodel)\n```\n```Call:\nlm(formula = Money_printed ~ GDP + Interest_RATE, data = money)\n\nResiduals:\nMin 1Q Median 3Q Max\n-47055 -7168 1432 14998 46008\n\nCoefficients:\nEstimate Std. Error t value Pr(>|t|)\n(Intercept) -1.906e+04 2.192e+04 -0.870 0.391\nGDP 3.003e-01 6.913e-03 43.443 < 2e-16 ***\nInterest_RATE -1.619e+04 1.977e+03 -8.191 2.35e-09 ***\n---\nSignif. codes: 0 ‘***’ 0.001 ‘**’ 0.01 ‘*’ 0.05 ‘.’ 0.1 ‘ ’ 1\n\nResidual standard error: 22420 on 32 degrees of freedom\nMultiple R-squared: 0.9848,\tAdjusted R-squared: 0.9839\nF-statistic: 1038 on 2 and 32 DF, p-value: < 2.2e-16\n```\n\nIn this 2nd model please note that P values of both input variables are less than 0.05 and so both are significant variables for the model.\nAlso please note that Adjusted R Squared value has increased from 0.9834 to 0.9839 which is marginal increase but it still indicates that removing variable actually benefited our model.\n\nWe must ideally also consider distribution of our residuals before finalizing the model. But we will ignore this point now and accept the model since it has acceptable Adjusted R Squared.\n\n### Step 5 : Interpretation of output\n\nFrom the coefficients of variables in the output above we construct our model for predicting Money_printed as –\n\nMoney_printed = -19060 + 0.3003 * GDP – 16190 * Interest_RATE\n\nNow when Central Bank needs to find how much Money is to be printed , they can plug in the values of GDP and Interest Rate into the equation above and find an estimate of money to be printed.\n\nBut before concluding that the model is good we must go through Residual Analysis , look at Adjusted R Squared values and interpret the F Statistic.\n\nFurther you can read following tutorials for gaining further understanding\n\nR Tutorial : Residual Analysis for Regression\n\nR Tutorial : How to use Diagnostic Plots for Regression Models\n\n## One thought on “R Tutorial : Multiple Linear Regression”\n\n1.",
null,
"Nicolò Manca says:\n\nReally nice explanation! =)\n\nLike"
] | [
null,
"https://bigdatacircus.files.wordpress.com/2016/03/rplot-multi-lr.jpeg",
null,
"https://1.gravatar.com/avatar/da09b91b9e25b03798dd1aabff435387",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.7629368,"math_prob":0.9520795,"size":5791,"snap":"2020-34-2020-40","text_gpt3_token_len":1655,"char_repetition_ratio":0.13737687,"word_repetition_ratio":0.09371781,"special_character_ratio":0.32757726,"punctuation_ratio":0.14608696,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9971436,"pos_list":[0,1,2,3,4],"im_url_duplicate_count":[null,5,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-08-12T17:31:46Z\",\"WARC-Record-ID\":\"<urn:uuid:05febc65-e5f9-4af9-bec3-8db34cd90d77>\",\"Content-Length\":\"119831\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:53cb462a-d45b-4624-bd3d-0c9fa3573fa0>\",\"WARC-Concurrent-To\":\"<urn:uuid:e99ac513-4a73-4eef-821b-75388a67cb1a>\",\"WARC-IP-Address\":\"104.27.158.73\",\"WARC-Target-URI\":\"http://analyticspro.org/2016/03/02/r-tutorial-multiple-linear-regression/?shared=email&msg=fail\",\"WARC-Payload-Digest\":\"sha1:RBSV42RFHRURVLFEOYXCVBRFJCSGRZMD\",\"WARC-Block-Digest\":\"sha1:5GXH6HBM5H2GFR7NUFH6PFY5DZGTBOO5\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-34/CC-MAIN-2020-34_segments_1596439738913.60_warc_CC-MAIN-20200812171125-20200812201125-00264.warc.gz\"}"} |
https://brilliant.org/discussions/thread/linear-mean-function/ | [
"# Linear Mean Function\n\nI've been looking at functions $$f:\\mathbb{R}^n \\to \\mathbb{R}$$ which necessarily satisfy the following 3 properties. Given $$a_1, a_2, \\dots a_n \\in \\mathbb{R}^+$$\n\n$\\begin{array} { l l } 1. & f(x_1 + c, x_2 + c, \\dots , x_n + c) = f(x_1, x_2, \\dots , x_n) + c \\\\ 2. & f(cx_1, cx_2, \\dots , cx_n) = cf(x_1, x_2, \\dots, x_n) \\\\ 3. & \\sum_{i=1}^n a_i x_i = 0 \\Leftrightarrow f(x_1, x_2, \\dots, x_3) = 0 \\end{array}$\n\nI believe that the the only function that satisfies this is $f(x_1,x_2, \\dots, x_n) = \\frac{\\sum_{i=1}^n a_i x_i}{\\sum_{i=1}^n a_i}$\n\nI have the proof too while I'll write up later. I'm interested in all of your interpretations of this.\n\nWhat happens if we only have 2 out of these 3 conditions?",
null,
"Note by Josh Banister\n4 years, 8 months ago\n\nThis discussion board is a place to discuss our Daily Challenges and the math and science related to those challenges. Explanations are more than just a solution — they should explain the steps and thinking strategies that you used to obtain the solution. Comments should further the discussion of math and science.\n\nWhen posting on Brilliant:\n\n• Use the emojis to react to an explanation, whether you're congratulating a job well done , or just really confused .\n• Ask specific questions about the challenge or the steps in somebody's explanation. Well-posed questions can add a lot to the discussion, but posting \"I don't understand!\" doesn't help anyone.\n• Try to contribute something new to the discussion, whether it is an extension, generalization or other idea related to the challenge.\n\nMarkdownAppears as\n*italics* or _italics_ italics\n**bold** or __bold__ bold\n- bulleted- list\n• bulleted\n• list\n1. numbered2. list\n1. numbered\n2. list\nNote: you must add a full line of space before and after lists for them to show up correctly\nparagraph 1paragraph 2\n\nparagraph 1\n\nparagraph 2\n\n[example link](https://brilliant.org)example link\n> This is a quote\nThis is a quote\n # I indented these lines\n# 4 spaces, and now they show\n# up as a code block.\n\nprint \"hello world\"\n# I indented these lines\n# 4 spaces, and now they show\n# up as a code block.\n\nprint \"hello world\"\nMathAppears as\nRemember to wrap math in $$ ... $$ or $ ... $ to ensure proper formatting.\n2 \\times 3 $2 \\times 3$\n2^{34} $2^{34}$\na_{i-1} $a_{i-1}$\n\\frac{2}{3} $\\frac{2}{3}$\n\\sqrt{2} $\\sqrt{2}$\n\\sum_{i=1}^3 $\\sum_{i=1}^3$\n\\sin \\theta $\\sin \\theta$\n\\boxed{123} $\\boxed{123}$\n\nSort by:\n\nLet $x_1$, $x_2$, $\\dots$, $x_n$ be given real numbers. We seek a value of $c$ so that $a_1 (x_1 + c) + a_2 (x_2 + c) + \\dots + a_n (x_n + c) = 0.$ Solving for $c$, we get $c = -\\frac{a_1 x_1 + a_2 x_2 + \\dots + x_n x_n}{a_1 + a_2 + \\dots + a_n}.$\n\nFrom the third property, $f(x_1 + c, x_2 + c, \\dots, x_n + c) = 0$, so by the first property, $f(x_1, x_2, \\dots, x_n) = -c = \\frac{a_1 x_1 + a_2 x_2 + \\dots + x_n x_n}{a_1 + a_2 + \\dots + a_n}.$ Note that the second property is never used.\n\n- 4 years, 8 months ago\n\nThe idea behind the second property is what happens if the third one was never there? (What happens now if we only assume the first 2 ideas. Hence the linear part of the title)\n\n- 4 years, 8 months ago\n\nThat's very interesting! I believe there is a geometric interpretation of the result, as the (normalized) distance of the vector x projected onto a.\n\nStaff - 4 years, 8 months ago"
] | [
null,
"https://ds055uzetaobb.cloudfront.net/brioche/avatars-2/resized/45/1513065100c9b1a72e9041bbac0dc37c.352132db8c-3GH3YAgH5A.jpg",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.82388353,"math_prob":0.9987504,"size":1830,"snap":"2021-31-2021-39","text_gpt3_token_len":546,"char_repetition_ratio":0.08871851,"word_repetition_ratio":0.0,"special_character_ratio":0.2852459,"punctuation_ratio":0.14432989,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99927205,"pos_list":[0,1,2],"im_url_duplicate_count":[null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-07-30T10:57:30Z\",\"WARC-Record-ID\":\"<urn:uuid:51fe714b-3fd1-495f-be8c-76d43e703d73>\",\"Content-Length\":\"117754\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:77d2bd04-c274-4a5e-9f94-13daaf4000fd>\",\"WARC-Concurrent-To\":\"<urn:uuid:0e099374-eb15-45ec-9b84-bacd466c2872>\",\"WARC-IP-Address\":\"104.20.35.242\",\"WARC-Target-URI\":\"https://brilliant.org/discussions/thread/linear-mean-function/\",\"WARC-Payload-Digest\":\"sha1:TMW6H7DGGYV5KMV7ZHIWMH2FA54USQED\",\"WARC-Block-Digest\":\"sha1:TZVQUPMKCLLAT44TABS3XWUUYM4LFHC5\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-31/CC-MAIN-2021-31_segments_1627046153966.52_warc_CC-MAIN-20210730091645-20210730121645-00184.warc.gz\"}"} |
https://answers.everydaycalculation.com/divide-fractions/1-6-divided-by-70-75 | [
"Solutions by everydaycalculation.com\n\n## Divide 1/6 with 70/75\n\n1/6 ÷ 70/75 is 5/28.\n\n#### Steps for dividing fractions\n\n1. Find the reciprocal of the divisor\nReciprocal of 70/75: 75/70\n2. Now, multiply it with the dividend\nSo, 1/6 ÷ 70/75 = 1/6 × 75/70\n3. = 1 × 75/6 × 70 = 75/420\n4. After reducing the fraction, the answer is 5/28\n\nMathStep (Works offline)",
null,
"Download our mobile app and learn to work with fractions in your own time:"
] | [
null,
"https://answers.everydaycalculation.com/mathstep-app-icon.png",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.74307835,"math_prob":0.9505504,"size":298,"snap":"2021-31-2021-39","text_gpt3_token_len":125,"char_repetition_ratio":0.18707483,"word_repetition_ratio":0.0,"special_character_ratio":0.44966444,"punctuation_ratio":0.072463766,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9686116,"pos_list":[0,1,2],"im_url_duplicate_count":[null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-09-20T20:06:12Z\",\"WARC-Record-ID\":\"<urn:uuid:7a80d1ee-a971-4392-b4f2-91b5bb2ebbf5>\",\"Content-Length\":\"7376\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:10c06599-367e-4f72-a541-53ad979b6492>\",\"WARC-Concurrent-To\":\"<urn:uuid:53c59ced-3399-4873-9aa9-ca0e82797f38>\",\"WARC-IP-Address\":\"96.126.107.130\",\"WARC-Target-URI\":\"https://answers.everydaycalculation.com/divide-fractions/1-6-divided-by-70-75\",\"WARC-Payload-Digest\":\"sha1:64WZK4QY4ISH25YBV2DWAYJ3E6VDED5Y\",\"WARC-Block-Digest\":\"sha1:QI5V2MDAUHIQ7XNA4SDR2CK5Y4UM7TJQ\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-39/CC-MAIN-2021-39_segments_1631780057091.31_warc_CC-MAIN-20210920191528-20210920221528-00134.warc.gz\"}"} |
https://qfrd.pure.elsevier.com/en/publications/on-the-existence-of-equilibrium-states-of-an-elastic-beam-on-a-no | [
"# On the Existence of Equilibrium States of an Elastic Beam on a Nonlinear Foundation\n\nMohamed Elgindi, D. H.Y. Yen\n\nResearch output: Contribution to journalArticle\n\n1 Citation (Scopus)\n\n### Abstract\n\nThis paper concerns the existence and uniqueness of equilibrium states of a beam- column with hinged ends which is acted upon by axial compression and lateral forces and is in contact with a semi-infinite medium acting as a foundation. The problem is formulated as a fourth- order nonlinear boundary value problem in which the source of the nonlinearity comes from the lateral constraint (the foundation). Treating the equation of equilibrium as a nonlinear eigenvalue problem we prove the existence of a pair of eigenvalue/eigenfunction for each arbitrary prescribed energy level. Treating the equilibrium equation as a nonlinear boundary value problem we prove the existence and uniqueness of solution for a certain range of the acting axial compression force.\n\nOriginal language English 193-198 6 International Journal of Mathematics and Mathematical Sciences 16 1 https://doi.org/10.1155/S0161171293000225 Published - 1993 Yes\n\n### Keywords\n\n• beam-column\n• elastic beam\n• Existence of equilibrium states\n• fourth-order nonlinear boundary value problem\n• nonlinear eigenvalue problems\n• variational methods\n\n### ASJC Scopus subject areas\n\n• Mathematics (miscellaneous)"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.82980424,"math_prob":0.69570935,"size":1260,"snap":"2020-10-2020-16","text_gpt3_token_len":252,"char_repetition_ratio":0.125,"word_repetition_ratio":0.022346368,"special_character_ratio":0.18968254,"punctuation_ratio":0.021621622,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.972676,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-03-30T20:38:46Z\",\"WARC-Record-ID\":\"<urn:uuid:a55829d1-c726-4369-afde-1bd533a68694>\",\"Content-Length\":\"43134\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:42b343a7-2b4c-4a7f-9d3e-2ba6644e211c>\",\"WARC-Concurrent-To\":\"<urn:uuid:b872de94-a33e-40a0-9ec9-dae6762889be>\",\"WARC-IP-Address\":\"52.51.22.49\",\"WARC-Target-URI\":\"https://qfrd.pure.elsevier.com/en/publications/on-the-existence-of-equilibrium-states-of-an-elastic-beam-on-a-no\",\"WARC-Payload-Digest\":\"sha1:NXEHWGQDH3VXFA5OUEJ4SGRKPMREP3LQ\",\"WARC-Block-Digest\":\"sha1:JJSZPYSPLMKKGIKHJGTY6P443CY6IE6Y\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-16/CC-MAIN-2020-16_segments_1585370497301.29_warc_CC-MAIN-20200330181842-20200330211842-00090.warc.gz\"}"} |
https://tools.carboncollective.co/present-value/10000-in-2-years/ | [
"# Present Value of $10,000 in 2 Years When you have a single payment that will be made to you, in this case$10,000, and you know that it will be paid in a certain number of years, in this case 2 years, you can use the present value formula to calculate what that $10,000 is worth today. Below is the present value formula we'll use to calculate the present value of$10,000 in 2 years.\n\n$$Present\\: Value = \\dfrac{FV}{(1 + r)^{n}}$$\n\nWe already have two of the three required variables to calculate this:\n\n• Future Value (FV): This is the $10,000 • n: This is the number of periods, which is 2 years So what we need to know now is r, which is the discount rate (or rate of return) to apply. It's worth noting that there is no correct discount rate to use here. It's a very personal number than can vary depending on the risk of your investments. For example, if you invest in the market and you earn on average 8% per year, you can use that number for the discount rate. You can also use a lower discount rate, based on the US Treasury ten year rate, or some average of the two. The table below shows the present value (PV) of$10,000 paid in 2 years for interest rates from 2% to 30%.\n\nAs you will see, the present value of $10,000 paid in 2 years can range from$5,917.16 to $9,611.69. Discount Rate Future Value Present Value 2%$10,000 $9,611.69 3%$10,000 $9,425.96 4%$10,000 $9,245.56 5%$10,000 $9,070.29 6%$10,000 $8,899.96 7%$10,000 $8,734.39 8%$10,000 $8,573.39 9%$10,000 $8,416.80 10%$10,000 $8,264.46 11%$10,000 $8,116.22 12%$10,000 $7,971.94 13%$10,000 $7,831.47 14%$10,000 $7,694.68 15%$10,000 $7,561.44 16%$10,000 $7,431.63 17%$10,000 $7,305.14 18%$10,000 $7,181.84 19%$10,000 $7,061.65 20%$10,000 $6,944.44 21%$10,000 $6,830.13 22%$10,000 $6,718.62 23%$10,000 $6,609.82 24%$10,000 $6,503.64 25%$10,000 $6,400.00 26%$10,000 $6,298.82 27%$10,000 $6,200.01 28%$10,000 $6,103.52 29%$10,000 $6,009.25 30%$10,000 $5,917.16 As mentioned above, the discount rate is highly subjective and will have a big impact on the actual present value of$10,000. A 2% discount rate gives a present value of $9,611.69 while a 30% discount rate would mean a$5,917.16 present value.\n\nThe rate you choose should be somewhat equivalent to the expected rate of return you'd get if you invested \\$10,000 over the next 2 years. Since this is hard to calculate, especially over longer periods of time, it is often useful to look at a range of present values (from 5% discount rate to 10% discount rate, for example) when making decisions.\n\nHopefully this article has helped you to understand how to make present value calculations yourself. You can also use our quick present value calculator for specific numbers."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.92254555,"math_prob":0.9996244,"size":2774,"snap":"2022-27-2022-33","text_gpt3_token_len":947,"char_repetition_ratio":0.22274368,"word_repetition_ratio":0.012987013,"special_character_ratio":0.46106705,"punctuation_ratio":0.19432624,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99936646,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-06-29T03:46:05Z\",\"WARC-Record-ID\":\"<urn:uuid:b7aabff1-99c7-46bc-b2ef-245bcadcd876>\",\"Content-Length\":\"22285\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:f03b60e3-113a-4fee-a178-fb3da47fc194>\",\"WARC-Concurrent-To\":\"<urn:uuid:f2a3ff87-2801-45f6-a473-5a451e65c92d>\",\"WARC-IP-Address\":\"138.197.3.89\",\"WARC-Target-URI\":\"https://tools.carboncollective.co/present-value/10000-in-2-years/\",\"WARC-Payload-Digest\":\"sha1:NFXMOKBFJPZHCVN6XGQH5SNGLZBSM3LH\",\"WARC-Block-Digest\":\"sha1:AWDAIFLHSGAXDSRBNDGGHWF7XPERZT2O\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-27/CC-MAIN-2022-27_segments_1656103620968.33_warc_CC-MAIN-20220629024217-20220629054217-00221.warc.gz\"}"} |
http://econmentor.com/economic-terms/a---b/b/base-year/text/1234.html | [
"A B >> B\n\n### Base Year\n\n• The base year is the reference year relative to which we calculate the extent of the price change (inflation or deflation) in the current year.\n• When we say inflation is 5 %, we mean that prices have increased by 5 %, relative to the base year.\n• The base year is also called the benchmark year.\n• Example 1: Assume 2006: CPI: 100 and 2007: CPI: 105\n• Thus prices have increased by 5 % between 2006 and 2007.\n• Here 2006 is the base year.\n• Example 2: Assume 2006: CPI: 100 and 2007: CPI: 93\n• Thus prices have decreased by 7 % between 2006 and 2007.\n• Here again, 2006 is the base year.\n• Some facts about the US CPI from the US Department of Commerce:\n• 1) The base year for US CPI is 1982-84 = 100\n• 2) The base year for the US GDP deflator is 2000 = 100\n• 3) The base year for US PPI is 1982 = 100\n• Also see\n\n1)\n\n2)\n\n3)"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9116549,"math_prob":0.8274869,"size":833,"snap":"2021-21-2021-25","text_gpt3_token_len":259,"char_repetition_ratio":0.16887817,"word_repetition_ratio":0.115606934,"special_character_ratio":0.3757503,"punctuation_ratio":0.11731844,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99490225,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-05-07T21:53:42Z\",\"WARC-Record-ID\":\"<urn:uuid:e80967c2-cdbb-4f9b-ba08-672569ce7e9d>\",\"Content-Length\":\"9284\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:0ceac943-010e-49d5-b056-3cac5e51b8b9>\",\"WARC-Concurrent-To\":\"<urn:uuid:3123dc91-f94e-4ab7-a98c-951f95b3a67e>\",\"WARC-IP-Address\":\"37.1.220.74\",\"WARC-Target-URI\":\"http://econmentor.com/economic-terms/a---b/b/base-year/text/1234.html\",\"WARC-Payload-Digest\":\"sha1:6PVQBNEZYEVPE6OIDCPDN2BY64CSOHIZ\",\"WARC-Block-Digest\":\"sha1:UW634RBY2GNLYH3GATX2DTKUYXG66ONW\",\"WARC-Identified-Payload-Type\":\"application/xhtml+xml\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-21/CC-MAIN-2021-21_segments_1620243988828.76_warc_CC-MAIN-20210507211141-20210508001141-00516.warc.gz\"}"} |
https://www.percentagecal.com/answer/1.5-is-what-percent-of-44 | [
"#### Solution for 1.5 is what percent of 44:\n\n1.5:44*100 =\n\n(1.5*100):44 =\n\n150:44 = 3.4090909090909\n\nNow we have: 1.5 is what percent of 44 = 3.4090909090909\n\nQuestion: 1.5 is what percent of 44?\n\nPercentage solution with steps:\n\nStep 1: We make the assumption that 44 is 100% since it is our output value.\n\nStep 2: We next represent the value we seek with {x}.\n\nStep 3: From step 1, it follows that {100\\%}={44}.\n\nStep 4: In the same vein, {x\\%}={1.5}.\n\nStep 5: This gives us a pair of simple equations:\n\n{100\\%}={44}(1).\n\n{x\\%}={1.5}(2).\n\nStep 6: By simply dividing equation 1 by equation 2 and taking note of the fact that both the LHS\n(left hand side) of both equations have the same unit (%); we have\n\n\\frac{100\\%}{x\\%}=\\frac{44}{1.5}\n\nStep 7: Taking the inverse (or reciprocal) of both sides yields\n\n\\frac{x\\%}{100\\%}=\\frac{1.5}{44}\n\n\\Rightarrow{x} = {3.4090909090909\\%}\n\nTherefore, {1.5} is {3.4090909090909\\%} of {44}.\n\n#### Solution for 44 is what percent of 1.5:\n\n44:1.5*100 =\n\n(44*100):1.5 =\n\n4400:1.5 = 2933.3333333333\n\nNow we have: 44 is what percent of 1.5 = 2933.3333333333\n\nQuestion: 44 is what percent of 1.5?\n\nPercentage solution with steps:\n\nStep 1: We make the assumption that 1.5 is 100% since it is our output value.\n\nStep 2: We next represent the value we seek with {x}.\n\nStep 3: From step 1, it follows that {100\\%}={1.5}.\n\nStep 4: In the same vein, {x\\%}={44}.\n\nStep 5: This gives us a pair of simple equations:\n\n{100\\%}={1.5}(1).\n\n{x\\%}={44}(2).\n\nStep 6: By simply dividing equation 1 by equation 2 and taking note of the fact that both the LHS\n(left hand side) of both equations have the same unit (%); we have\n\n\\frac{100\\%}{x\\%}=\\frac{1.5}{44}\n\nStep 7: Taking the inverse (or reciprocal) of both sides yields\n\n\\frac{x\\%}{100\\%}=\\frac{44}{1.5}\n\n\\Rightarrow{x} = {2933.3333333333\\%}\n\nTherefore, {44} is {2933.3333333333\\%} of {1.5}.\n\nCalculation Samples"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8170182,"math_prob":0.9996804,"size":2217,"snap":"2020-45-2020-50","text_gpt3_token_len":813,"char_repetition_ratio":0.19430637,"word_repetition_ratio":0.4175532,"special_character_ratio":0.4745151,"punctuation_ratio":0.18011257,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.999949,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-10-28T20:50:21Z\",\"WARC-Record-ID\":\"<urn:uuid:d548acb9-8513-43dc-889b-30dc7b6a58a4>\",\"Content-Length\":\"10422\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:90efabdf-bed4-4a0f-8254-7ba7f2b9482f>\",\"WARC-Concurrent-To\":\"<urn:uuid:f417648e-be92-4de1-99cd-e2e6846afbe3>\",\"WARC-IP-Address\":\"217.23.5.136\",\"WARC-Target-URI\":\"https://www.percentagecal.com/answer/1.5-is-what-percent-of-44\",\"WARC-Payload-Digest\":\"sha1:OSCFQFSEW2VANMGVCUHKJDRKL6OWDI7O\",\"WARC-Block-Digest\":\"sha1:REZD2O5ZHIQJRUVBP22LX3K5P4BL2QYB\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-45/CC-MAIN-2020-45_segments_1603107900860.51_warc_CC-MAIN-20201028191655-20201028221655-00209.warc.gz\"}"} |
https://interestcalculator.online/percentage-calculator/ | [
"# Average Percentage Calculator\n\n Percentage Calculator % of ? Answer: is what percent of ? Answer: %\n\n## Average Percentage Calculator\n\nWhether you are planning a monthly budget or calculating the cost of your next vacation. an Average Percentage Calculator can help. Many people have trouble calculating things like the percentage of profits or percentage of sales since most businesses don’t list this information. Fortunately, there are a variety of calculators available for purchase online, in books, and in software programs.\n\nA percentage change calculator is an add-on calculator that displays the original price and the final value of whatever activity performed as well as what results if that activity had been performed differently. For example, if someone were to perform a hundred thousand dollars worth of business sales, the original amount would be equal to the sales price plus the amount of any non-tangible gain (such as a discount). The final value is the amount of money that would be paid out in dividends or other payments. If the original amount was to be multiplied by the number of non-tangible gains, it would come out as a nonzero real number. An Average Percentage Calculator change calculator can then be used to determine how much one can make from selling a stock or other financial investment.\n\n## More details about Percentage Calculator\n\nThere are a variety of other uses for a percentage calculator. A home business owner can use a percentage calculator to find out what potential income can be generated with his business. One also can calculate the percentage difference between two numbers, such as the number of sales versus the average cost of each sale. A business owner can also calculate the effect of a merger or acquisition on profitability. Most software programs will also allow the user to calculate a simple percentage difference between two numbers.\n\nMost percentage change calculators are based on the principle that the change between variables is made by adding or subtracting one from the first variable and then dividing the difference by the second variable. This percentage change Average Percentage Calculator basically uses addition and subtraction to change the initial variable to the second one and then divides the final value by the initial one. In most cases, one or both variables are real. A floating-point variable may also be used if one wants to approximate the result more accurately. While this type of calculator can work in many situations, the rounding procedure used can cause some inaccuracy.\n\nOther types of percentage change calculators are based on an exponential function. In this type of Average Percentage Calculator, the initial value is given and the percentage calculator increase is made through a series of addition, subtraction, and division. This type of formula can potentially give very inaccurate results. Because of this, it is not recommended to use a percentage increase calculator that uses the exponential function unless the rounding process is clearly mentioned in the instruction manual.\n\nA spreadsheet can greatly simplify the calculations involved with percentage increases or decreases. Using a spreadsheet, the percentage difference can be easily entered using certain cells. the rest of the formula is done using other cells. The most common method used to calculate a percent in Excel is the percentage difference formula. To do this, first, make a list of all the numbers you will need (i.e., the total sales), then choose the range in which you want the percentage difference calculated and enter the number for the calculation in the cell that is named Cells.\n\nOne can also use the averaging percentages that are based on historical data to determine the percentage increase or decrease. This is particularly useful when a percentage change is expected for the year. In the above example, the percentage that would be calculated using the averaging percentages would be 10%. The formula to use for the averaging percentage changes is A+B-C+D. Where A is the initial value and B is the next set of values that will be used for the next average. D is the number of times the average value is multiplied during the interval A and B.\n\nAn excel table that uses these calculating techniques can be used to calculate the square root and even the logarithm of any percentage. To learn how to calculate two percentages in Excel, try some of the examples available as the program makes it easy for even a total beginner to perform complex calculations. For more detailed information, see the website mentioned below.\n\n## Percentage decrease formula\n\nThe percentage decrease formula is used to identify the amount by which a certain factor loses its value over a period of time. The factor can be cost, volume, economy, etc. For calculating this, the original value is compared against the actual value at the end of a period of time. In other words, it expresses how much has the factor changed from its original value at the end of a period of time. Here, the percentage decrease formula is usually given along with corresponding solved cases for a better understanding of this concept. Basically, this type of formula is used in order to determine the factor’s profitability in a particular context, which can also be used in other fields such as economics and business analysis.\n\nPercent Decrease = [(Old Value – New Value) / Old Value] × 100]\n\nThis percentage decrease formula has been created in order to determine how much profit a certain factor should make at the end of a specific time period and to compare the same factor against another factor that changes during that period of time. In the same way, this type of calculation is also used in order to calculate the changed value original value against the original value at the end of a period of time. However, there are several differences between this type of formula and the traditional one. When you use the traditional one, you have to solve for x and then calculate the percentage change from it. When you use the percentage decrease formula, you will only need to solve for the initial value and then multiply it by the percentage change. Thus, it will provide the answer directly.\n\n## Advantage of Percentage decrease formula\n\nThis percentage decrease formula was invented in order to simplify the whole process of solving for the original percentage change and multiplying it with the percentage change at the end of a specific period of time. The first thing you should do is to write down all the terms that you have encountered throughout the course of your calculations so that when you come across them, you can easily remember their values. Then, put everything into an empty space, making sure that you do not touch anything else. After this, draw a vertical line on the percentage decrease formula piece by piece, starting from zero (the initial value). Keep doing this until you have reached zero, and then erase that line.\n\ntd, th { padding: 10px; text-align: center; }\n Percentage Calculator % of ? Answer: is what percent of ? Answer: %"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.94317144,"math_prob":0.9836484,"size":6978,"snap":"2021-43-2021-49","text_gpt3_token_len":1295,"char_repetition_ratio":0.1760826,"word_repetition_ratio":0.021663778,"special_character_ratio":0.18543996,"punctuation_ratio":0.07936508,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9982469,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-10-18T22:44:31Z\",\"WARC-Record-ID\":\"<urn:uuid:7103dbc2-ce4b-4111-ba56-989d70da818c>\",\"Content-Length\":\"100848\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:98560a79-9782-4b78-ab07-dede8b235667>\",\"WARC-Concurrent-To\":\"<urn:uuid:788eae70-15d8-4021-a6fe-79089b9ed6ff>\",\"WARC-IP-Address\":\"104.21.41.156\",\"WARC-Target-URI\":\"https://interestcalculator.online/percentage-calculator/\",\"WARC-Payload-Digest\":\"sha1:FSE7S2WKIH5SHMMBK6AHWEWJRXJENFNE\",\"WARC-Block-Digest\":\"sha1:3DBPWGUPRK73FACJUL2UCTDE7TDQ72T6\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-43/CC-MAIN-2021-43_segments_1634323585215.14_warc_CC-MAIN-20211018221501-20211019011501-00468.warc.gz\"}"} |
http://math.blogs.bucknell.edu/2020/10/16/not-linear-not-a-problem-at-1230-pm-on-10-22-via-zoom/ | [
"## “Not Linear? Not a Problem!” at 12:30 PM on 10/22 via Zoom\n\nhttps://bucknell.zoom.us/j/95413936042\nStudent Colloquium Talk by Professor Sanjay Dharmavaram\n\nAbstract: Ever wonder why mathematics classes focus so much on linear problems? In Calculus we learn about linear approximations. In Differential Equations, after classifying differential equations as linear and nonlinear, we mostly focus on linear problems. Linear Algebra focuses exclusively on systems of linear equations. There are two reasons for this: 1) nonlinear problems are hard!! Unlike linear equations, there is no unified theory that works for all nonlinear equations. 2) linear approximations are often a good starting point to study nonlinear problems.\n\nIn this talk, we will make a foray into the marvelous world of nonlinear systems and discuss techniques under the umbrella of “Bifurcation Theory” to analyze them. Bifurcation theory is a branch of mathematics that investigates, albeit qualitatively, nonlinear equations containing a tunable parameter. Such equations routinely arise in biology, engineering, physical and social sciences. Some examples include models for understanding cardiac arrhythmia, synchronization of fireflies’ flashing, pattern formation in reaction-diffusion systems, and buckling of structures under mechanical loads. In this talk, we will also see how the tools of bifurcation theory can be used to analyze some of these problems.\n\nWatch on Mediaspace: https://mediaspace.bucknell.edu/media/1_gzca3xpq"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8878883,"math_prob":0.9374101,"size":1443,"snap":"2020-45-2020-50","text_gpt3_token_len":294,"char_repetition_ratio":0.13759555,"word_repetition_ratio":0.010416667,"special_character_ratio":0.17948718,"punctuation_ratio":0.14107884,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.983046,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-11-26T18:54:25Z\",\"WARC-Record-ID\":\"<urn:uuid:cd3c3048-855f-4b4d-901e-d0a5df479652>\",\"Content-Length\":\"35255\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:b9b973e9-31f0-4766-9e95-edc8c6757903>\",\"WARC-Concurrent-To\":\"<urn:uuid:9ee552c3-8b2e-4d1e-b6c4-011e7bf1f87d>\",\"WARC-IP-Address\":\"134.82.9.123\",\"WARC-Target-URI\":\"http://math.blogs.bucknell.edu/2020/10/16/not-linear-not-a-problem-at-1230-pm-on-10-22-via-zoom/\",\"WARC-Payload-Digest\":\"sha1:R2MUUKBUBYE7R67AVF6BTYATUNL5FSZQ\",\"WARC-Block-Digest\":\"sha1:WQVWKCEZONUVAY5BZ6BCDL73QJC734BD\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-50/CC-MAIN-2020-50_segments_1606141188899.42_warc_CC-MAIN-20201126171830-20201126201830-00259.warc.gz\"}"} |
https://calculomates.com/en/divisors/of/12399 | [
"# Divisors of 12399\n\n## Divisors of 12399\n\nThe list of all positive divisors (that is, the list of all integers that divide 22) is as follows :\n\nAccordingly:\n\n12399 is multiplo of 1\n\n12399 is multiplo of 3\n\n12399 is multiplo of 4133\n\n12399 has 3 positive divisors\n\n## Parity of 12399\n\n12399is an odd number,as it is not divisible by 2\n\n## The factors for 12399\n\nThe factors for 12399 are all the numbers between -12399 and 12399 , which divide 12399 without leaving any remainder. Since 12399 divided by -12399 is an integer, -12399 is a factor of 12399 .\n\nSince 12399 divided by -12399 is a whole number, -12399 is a factor of 12399\n\nSince 12399 divided by -4133 is a whole number, -4133 is a factor of 12399\n\nSince 12399 divided by -3 is a whole number, -3 is a factor of 12399\n\nSince 12399 divided by -1 is a whole number, -1 is a factor of 12399\n\nSince 12399 divided by 1 is a whole number, 1 is a factor of 12399\n\nSince 12399 divided by 3 is a whole number, 3 is a factor of 12399\n\nSince 12399 divided by 4133 is a whole number, 4133 is a factor of 12399\n\n## What are the multiples of 12399?\n\nMultiples of 12399 are all integers divisible by 12399 , i.e. the remainder of the full division by 12399 is zero. There are infinite multiples of 12399. The smallest multiples of 12399 are:\n\n0 : in fact, 0 is divisible by any integer, so it is also a multiple of 12399 since 0 × 12399 = 0\n\n12399 : in fact, 12399 is a multiple of itself, since 12399 is divisible by 12399 (it was 12399 / 12399 = 1, so the rest of this division is zero)\n\n24798: in fact, 24798 = 12399 × 2\n\n37197: in fact, 37197 = 12399 × 3\n\n49596: in fact, 49596 = 12399 × 4\n\n61995: in fact, 61995 = 12399 × 5\n\netc.\n\n## Is 12399 a prime number?\n\nIt is possible to determine using mathematical techniques whether an integer is prime or not.\n\nfor 12399, the answer is: No, 12399 is not a prime number.\n\n## How do you determine if a number is prime?\n\nTo know the primality of an integer, we can use several algorithms. The most naive is to try all divisors below the number you want to know if it is prime (in our case 12399). We can already eliminate even numbers bigger than 2 (then 4 , 6 , 8 ...). Besides, we can stop at the square root of the number in question (here 111.351 ). Historically, the Eratosthenes screen (which dates back to Antiquity) uses this technique relatively effectively.\n\nMore modern techniques include the Atkin screen, probabilistic tests, or the cyclotomic test."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9057347,"math_prob":0.991086,"size":2205,"snap":"2021-04-2021-17","text_gpt3_token_len":657,"char_repetition_ratio":0.21172194,"word_repetition_ratio":0.090692125,"special_character_ratio":0.39138323,"punctuation_ratio":0.14618644,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9992803,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-01-22T12:45:56Z\",\"WARC-Record-ID\":\"<urn:uuid:3ee9e76d-e6aa-4e4e-983e-c5d051f2620d>\",\"Content-Length\":\"16261\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:e6cb3abf-a19b-4ad8-ac7c-4ec1fde5adeb>\",\"WARC-Concurrent-To\":\"<urn:uuid:3091baf5-d07d-4e60-8ce8-cee3a316e008>\",\"WARC-IP-Address\":\"172.67.150.34\",\"WARC-Target-URI\":\"https://calculomates.com/en/divisors/of/12399\",\"WARC-Payload-Digest\":\"sha1:77N537QTUI2CNC2HHSPC7ZZMH6LH5NCW\",\"WARC-Block-Digest\":\"sha1:BWG7NL7LWBYU3MFQLFU6T3TXBKMLSPZD\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-04/CC-MAIN-2021-04_segments_1610703529331.99_warc_CC-MAIN-20210122113332-20210122143332-00463.warc.gz\"}"} |
https://fr.slideserve.com/elina/utility | [
"",
null,
"Download",
null,
"Download Presentation",
null,
"Utility\n\n# Utility\n\nDownload Presentation",
null,
"## Utility\n\n- - - - - - - - - - - - - - - - - - - - - - - - - - - E N D - - - - - - - - - - - - - - - - - - - - - - - - - - -\n##### Presentation Transcript\n\n1. Utility\n\n2. The MRS is the slope of the indifference curve at a point MRS=derivative of indifference curve Marginal Rate of Substitution\n\n3. Interpretation of MRS • The MRS measures the rate at which the consumer is willing (i.e., indifferent) to substitute one good for the other. • If good 2 is measured in dollars, the MRS measures the consumer’s willingness to pay for an extra unit of good 1.\n\n4. Monotonicity: MRS negative (Strict) Convexity: MRS decreases as increases Assumptions on Preferences and the MRS\n\n5. Utility Function • Idea: assign a number to each consumption bundle, with higher numbers assigned to more-preferred bundles. • A utility function represents a preference relation :\n\n6. Utility Function: Does It Always Exist? • Q: Given a preference relation can we find a utility function that represents it? • A: If preferences are complete and transitive (plus a technical assumption called “continuity” is verified) we can. [Sufficient condition]\n\n7. Is Transitivity Necessary? • Q: Is it necessary that preferences are transitive for the existence of a utility function that represents them? • A: Yes. Otherwise:\n\n8. Utility is Just Ordinal E.g.: (1,1) (1,0.5) (0.4,1) (0.8,0.8) Can be represented in different ways:\n\n9. In General If : • 1) represents • 2) is a positive monotonic transformation Then, also represents\n\n10. Utility function: Indifference curves: or: Utility Functions and Indifference Curves\n\n11. Utility function: Indifference curves: or: Indifference Curves and Monotonic Transformations\n\n12. Utility function: Indifference curves: Perfect Substitutes\n\n13. Utility function: Perfect Complements\n\n14. Utility function: Indifference curves: Cobb-Douglas Preferences\n\n15. Cobb-Douglas • Most commonly used utility function in economics • Possible to assume without loss of generality that • Why?: apply to get\n\n16. Marginal Utility • Consider a consumer that is consuming • Q: By how much does his utility change as we increase by a very small amount his consumption of good 1? • A: Marginal utility of good 1:\n\n17. Marginal Utility and Units • The marginal utilities of good 1 and good 2 depend on the specific utility function we are using. • Consider: • Then:\n\n18. Marginal Utility and MRS • MRS only depends on preferences and not on their specific representation (utility function). • Marginal utilities can be used to compute the MRS between two goods.\n\n19. Computing the MRS • Consider an indifference curve: • Q: What is the slope of this indifference curve (MRS)? • A:\n\n20. The MRS and Monotonic Transformation • Consider a monotonic transformation • Q: What is the MRS in this case? • A:"
] | [
null,
"https://fr.slideserve.com/img/player/ss_download.png",
null,
"https://fr.slideserve.com/img/replay.png",
null,
"https://thumbs.slideserve.com/1_237906.jpg",
null,
"https://fr.slideserve.com/img/output_cBjjdt.gif",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.88453066,"math_prob":0.84708506,"size":2541,"snap":"2021-31-2021-39","text_gpt3_token_len":584,"char_repetition_ratio":0.17776902,"word_repetition_ratio":0.014962593,"special_character_ratio":0.21526958,"punctuation_ratio":0.14628822,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9898744,"pos_list":[0,1,2,3,4,5,6,7,8],"im_url_duplicate_count":[null,null,null,null,null,1,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-07-31T08:33:16Z\",\"WARC-Record-ID\":\"<urn:uuid:5d1c2546-2960-4023-bee8-2232761a8c7b>\",\"Content-Length\":\"90638\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:d8c0bc2e-01d4-44fa-bec3-01c5afc086fc>\",\"WARC-Concurrent-To\":\"<urn:uuid:d6b170e0-ac90-4ded-a48b-944fa9d8698a>\",\"WARC-IP-Address\":\"35.163.223.42\",\"WARC-Target-URI\":\"https://fr.slideserve.com/elina/utility\",\"WARC-Payload-Digest\":\"sha1:7F2I32UYFOCJIEVJ4RUGGVKAHWLOFACU\",\"WARC-Block-Digest\":\"sha1:5YX7DYA4AVMXMA55DS7JOKUMI6XYBV4G\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-31/CC-MAIN-2021-31_segments_1627046154085.58_warc_CC-MAIN-20210731074335-20210731104335-00710.warc.gz\"}"} |
https://www.mathworks.com/matlabcentral/answers/1466489-how-to-change-values-between-two-values-in-an-array | [
"# How to change values between two values in an array\n\n17 views (last 30 days)\nJake Jordan on 4 Oct 2021\nAnswered: Swatantra Mahato on 7 Oct 2021\nI need to replace certain values within an array that fall between 2 and 4. The code should find where the array equals 2 and then find the following location where the array equals 4 and replace all values with 3. Then it should find where the array equals 4 and then find the following location where the array equals 2 and replaces all of those values with 1. And then loop through the array until all values are 1, 2, 3 or 4 and in order (repeats of values are OK).\nHere is an example array:\ntransitions = [1285738, 2, 2, 2915260, 4, 4290129, 2, 5650291, 4, 8030363, 2, 9337983, 4, 12040647];\nI need to:\n1. change the values that fall between 2 and 4 to 3 (e.g., the 4th, 8th and 12th values should be 3)\n2. change the values between 4 and 2 to 1 (e.g., the 6th and 10th values should be 1)\nDGM on 4 Oct 2021\nEdited: DGM on 4 Oct 2021\n... oh.\nI guess \"between\" is one of those expressions like \"in a row\" that are sneakily ambiguous when talking about array structures.\nEDIT: oof. I didn't even see OP's comment.\n\nSwatantra Mahato on 7 Oct 2021\nHi Jake,\nI am assuming you want to replace values in the array that occur between a 2 and 4, and those that occur between a 4 and 2.\nOne way of doing this I can think of is using the \"find\" function to get the indices of all the 2s and 4s as demonstrated below\ntransitions = [1285738, 2, 2, 2915260, 4, 4290129, 2, 5650291, 4, 8030363, 2, 9337983, 4, 12040647];\nt=find(transitions==2)\nt = 1×4\n2 3 7 11\nf=find(transitions==4)\nf = 1×3\n5 9 13\nyou can then loop over 'f' and 't' and replace the values in between accordingly\nyou can find more information and how-to examples on the \"find\" function in the documentation\nHope this helps"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8170299,"math_prob":0.9761915,"size":1759,"snap":"2022-40-2023-06","text_gpt3_token_len":534,"char_repetition_ratio":0.14529915,"word_repetition_ratio":0.16666667,"special_character_ratio":0.3320068,"punctuation_ratio":0.12793733,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9828472,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-10-06T14:08:56Z\",\"WARC-Record-ID\":\"<urn:uuid:141f8de6-59ce-467c-86b3-86ef3e811e9c>\",\"Content-Length\":\"153775\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:fd854dcb-2700-45f0-a0d7-d6bb53c3cf68>\",\"WARC-Concurrent-To\":\"<urn:uuid:47c76f06-e2c6-4ff9-8319-5dfc00145976>\",\"WARC-IP-Address\":\"104.68.243.15\",\"WARC-Target-URI\":\"https://www.mathworks.com/matlabcentral/answers/1466489-how-to-change-values-between-two-values-in-an-array\",\"WARC-Payload-Digest\":\"sha1:2KHQQWTNA3VQL5TLO3DN52YCFFCNMDBO\",\"WARC-Block-Digest\":\"sha1:MKVJQKQCRC6SEESBZ2V77YIOESTQ5324\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-40/CC-MAIN-2022-40_segments_1664030337836.93_warc_CC-MAIN-20221006124156-20221006154156-00250.warc.gz\"}"} |
https://forums.ldraw.org/archive/index.php?thread-23304.html | [
"# LDraw.org Discussion Forums\n\nFull Version: Math help\nYou're currently viewing a stripped down version of our content. View the full version with proper formatting.\nForgive me for such a basic question but I'm having issues and my Google-fu is failing me.\n\nI have a line segment from P1 to P2\n\nAssuming that the origin is P1, I can get the spherical coordinates (r, theta, phi) of line segment but I can't seem to figure out how to go from that to a rotation matrix. Any help, even in the form of a link to a explanation, would be appreciated\n(2019-03-24, 19:06)Orion Pobursky Wrote: [ -> ]I have a line segment from P1 to P2\n\nWhat are you trying to do?\n\nBecause you can't build a matrix from just a line segment without assuming some other stuff.\nYou'll need at least two vectors perpendicular to each other for this.\n\nIn LDCad's path generator I use the world Y axis to find the second but it depends on your situation.\n(2019-03-24, 19:31)Roland Melkert Wrote: [ -> ]What are you trying to do?\n\nBecause you can't build a matrix from just a line segment without assuming some other stuff.\nYou'll need at least two vectors perpendicular to each other for this.\n\nIn LDCad's path generator I use the world Y axis to find the second but it depends on your situation.\n\nAssume the wold axis in this case. Assume P1 is the axis origin (0,0,0) in the LDraw standard world space. I can even figure out the direction angles but for some reason I'm not grokking what to do next. it's annoying me that I'm missing something so basic.\n(2019-03-24, 20:00)Orion Pobursky Wrote: [ -> ]Assume the wold axis in this case. Assume P1 is the axis origin (0,0,0) in the LDraw standard world space.\n\nIn that case P2 is your base local (y) vector.\nNormalize p2\n\nCross p2 with world Y (0, 1, 0)\nto Get a second local vector perpendicular to p2 (your local z)\nNormalize local z\n\nThen cross p2 and the new local z to get the 3rd vector (your local x)\nNormalize local x\n\nUse the 3 local axis to construct the matrix.\n\nThere are limits though, depending on the direction of p2 things will flip 180 degrees at some point and if p2 is close to world y it will not solve.\nIn my path generator I choose world Y or Z as the reference bases on the biggest angle.\n\nThere might be a more elegant way of solving this but I'm no math major",
null,
"(2019-03-24, 21:20)Roland Melkert Wrote: [ -> ]In that case P2 is your base local (y) vector.\nNormalize p2\n\nCross p2 with world Y (0, 1, 0)\nto Get a second local vector perpendicular to p2 (your local z)\nNormalize local z\n\nThen cross p2 and the new local z to get the 3rd vector (your local x)\nNormalize local x\n\nUse the 3 local axis to construct the matrix.\n\nThere are limits though, depending on the direction of p2 things will flip 180 degrees at some point and if p2 is close to world y it will not solve.\nIn my path generator I choose world Y or Z as the reference bases on the biggest angle.\n\nThere might be a more elegant way of solving this but I'm no math major",
null,
"Thanks. This seems similar to what I was reading but for some reason wasn’t leaking into my brain."
] | [
null,
"https://forums.ldraw.org/images/smilies/smile.png",
null,
"https://forums.ldraw.org/images/smilies/smile.png",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8983012,"math_prob":0.69319326,"size":2887,"snap":"2023-40-2023-50","text_gpt3_token_len":769,"char_repetition_ratio":0.10336455,"word_repetition_ratio":0.6872727,"special_character_ratio":0.26532733,"punctuation_ratio":0.085346214,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9646025,"pos_list":[0,1,2,3,4],"im_url_duplicate_count":[null,null,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-12-04T03:22:28Z\",\"WARC-Record-ID\":\"<urn:uuid:d55f38f6-d61d-487e-9ecf-610e312d2267>\",\"Content-Length\":\"7978\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:f8034e90-0fee-4421-978b-fa80b2ad37a3>\",\"WARC-Concurrent-To\":\"<urn:uuid:681282c7-b538-4450-bf90-e83efcb1b2fb>\",\"WARC-IP-Address\":\"104.21.22.237\",\"WARC-Target-URI\":\"https://forums.ldraw.org/archive/index.php?thread-23304.html\",\"WARC-Payload-Digest\":\"sha1:NT4CM2QK2YOQ7Q5CGA2H3FLYESYUKGCX\",\"WARC-Block-Digest\":\"sha1:X4PRATOW4H3TKZ2IKULBU77GIOK3S2EX\",\"WARC-Identified-Payload-Type\":\"application/xhtml+xml\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-50/CC-MAIN-2023-50_segments_1700679100523.4_warc_CC-MAIN-20231204020432-20231204050432-00893.warc.gz\"}"} |
https://economics.stackexchange.com/questions/tagged/decision-theory | [
"# Questions tagged [decision-theory]\n\nthe mathematical study of strategies for optimal decision-making between options involving different risks or expectations of gain or loss depending on the outcome.\n\n146 questions\nFilter by\nSorted by\nTagged with\n1 vote\n37 views\n\n### About The Bayesian Conditional-Probability Systems in Myerson's Game Theory: Analysis of Conflict\n\nI am self-studying game theory using Myerson's Game Theory: Analysis of Conflict. I got some trouble understanding his Bayesian conditional-probability system. The Bayesian conditional-probability ...\n35 views\n\n### In Debreu's representation theorem of ordinal utility, is the assumption of \"second countability\" necessary?\n\nDebreu 1959 states that: second countability, continuity, and weak ordering sufficiently implies the existence of real (continuous) utility function. The second and third assumptions are also ...\n1 vote\n44 views\n\n### Proving duality of UMP and EMP arguing with continuity of utility\n\nIn Mas-Colell et al.'s Microeconomic Theory Proposition 3.E.1(ii) (p. 58) states that if $\\succsim$ is a rational (i.e. complete and transitive), continuous, and locally nonsatiated preference ...\n116 views\n\n### Minimal assumption for a “certainty equivalence” exists\n\nLet $R$ be the set of real number. Let $N$ be an infinite set. Let utility $u:R^N\\to R$. The utility function is strictly monotonic. My question is, does the certainty equivalence $CE$ exist? Do we ...\n1 vote\n69 views\n\n### About Theorem 1.1 in Game Theory: Analysis of Conflict by Roger Myerson\n\nI am self-studying game theory using Myerson's Game Theory: Analysis of Conflict. I got some trouble understanding his proof of Theorem 1.1, the Expected-Utility Maximization Theorem. The Theorem goes ...\n96 views\n\n119 views\n\n### Information structure for complete information\n\nModel A decision maker (DM) has to choose action $y\\in \\mathcal{Y}$ possibly without being fully aware of the state of the world. $\\mathcal{Y}$ is a finite set. The state of the world is a random ...\n1 vote\n65 views\n\n### Representation theorem for $\\succsim\\supset>\\cup\\sim$\n\nOn $\\mathbb R^2$, define $x=(x_1,x_2)>(y_1,y_2)=y$ if $x_i\\geq y_i$ for all $i$ and $x_j>y_j$ for some $j$. Let $\\sim$ be an equivalence relation that $x\\sim y$ implies $x\\not> y$. Define ...\n1 vote\n48 views\n\n### Say a preference is \"constant“, by analogy with a constant function\n\nLet $f$ be a function with range of $\\{-1,1\\}$ and $f(x,y)=-f(y,x)$. Let the preference $\\succ\\subset X\\times X$ where $x\\succ y \\iff f(x,y)=1$. In math we can define $f$ to be a constant function on ...\n1 vote\n69 views\n\n### Can the topological assumption in Debreu's representation theorem of cardinal utility be altered from \"connected separable\" to \"second countable\"?\n\nTheorem (Debreu 1959 page 9, 10) Let $X$ be connected separable topological space endowed with product topology. If $\\succsim$ is independent and at least three factors are essential, then there exist ...\n259 views\n\n### Does Debreu's representation theorem of ordinal utility require Hausdorff topology?\n\nBy Debreu's theorem of ordinal utility, any continuous weak order on $X$ is represented with a continuous utility function, if $X$ is a second countable or connected separable topological space. My ...\n85 views\n\n### How did econometricians justify the use of $EU$ instead of $EU^2$?\n\nConsider the following two utility functions: $EU(p)=\\sum_i u_ip_i$ $EU^2(p)=(\\sum_i u_ip_i)^2$. In preference theory, $EU$ and $EU^2$ are equivalent because they represent the same preference. A ...\n131 views\n\n### Is Epstein-Zin utility a generalization of dynamic expected utility (DEU)?\n\nEpstein-Zin (EZ) utility is the solution to: DEU is relatively simple: $\\sum_t \\delta ^t\\mathbb E[u(c_t)]$. Is DEU a special case of EZ? How are those two models compared? Since EZ is a solution of a ...\n103 views\n\n### Most utility functions under risk and uncertainty generalizes expected utility. What is deadly wrong if a model does not include EU as special case?\n\nWhy do people generalize EU instead of making an entirely new model, or create a model that is neither a special case nor an extension of EU? To my knowledge, most utility functions under risk and ...\n56 views\n\n### Auction Theory and Elections\n\nCan we (is it reasonable to) apply auction theory and the various incentive compatible mechanisms to elections and guarantee cardinal voting? I am thinking specifically of VCG auctions and ...\n23 views\n\n### Risk Aversion under Worst Case Utility Representation\n\nThe preference relations (≿A and ≿B) over lotteries is defined as: p ≿ q iff min{v(z) : p(z) > 0} ≥ min{v(z) : q(z) > 0} Under what conditions can you say that ≿A is more risk averse than ≿B?\n108 views\n\n### How to determine if people behave optimally with a generic utility function?\n\nI have a some real-world data and a real-world choice for which I know the optimum solution is something like $y^* = u(x)$, where $u(.)$ is some utility function. I have data on $y$ and $x$, so if I ...\n239 views\n\n### Do a group of economic agents really act as if they are rational?\n\nWhen questioning the rational choice hypothesis, I often get responses that are similar to the followings: \"Individuals may sometimes make irrational decisions, but a large group of economic ...\n433 views\n\n### Can any three of the four vNM axioms (of expected utility theory) be satisfied without satisfying the fourth?\n\nIs it true that any three of the four vNM axioms (of expected utility theory) can be satisfied without satisfying the fourth? Any examples which support such claim? Basically I'd like to prove that ...\n44 views\n\n### Comparing voting methods when there are only two voters\n\nConsider the Schulze, Kemeny-Young, Ranked Pairs and Borda count voting methods. (The last is obviously the odd one out in this list!) Suppose that there are only two voters. Each voter gives a ...\n83 views\n\n### Analyzing a Gambling Race Paradox\n\nSuppose a number of players are given $100$ points each, and repeatedly engage in a gamble having positive expected value, with the goals of being the first player to reach $100000$ points. Solving ...\n248 views\n\n### What is the difference between Impression Management and Signaling Theory?\n\nI'm interested in theories on how organisations shape their stakeholders' (especially consumers' and investors') perceptions and decisions. I read about Impression Management and Signaling Theory. ...\n48 views\n\n### Pure Nash equilibrium in bidding game?\n\nAccording to the answer key for a problem set, there is no pure strategy Nash equilibrium in the following problem. Yet I can't see why not. Could it be an error in the answer key? Here's the problem: ...\n1 vote\n97 views\n\n### Axiom of Minimal Liberalism & Sen's Theorem of Paretial Liberal\n\nSuppose that a person believes that all humans are guaranteed a set of rights that cannot be taken from them in any situation or circumstance (for example, the right to marry a person of your choice, ...\n276 views\n\n### Question about Social Welfare Function and Social Profile\n\nWhat are the meanings of a social welfare function and social profile? How are they related?\n45 views\n\n### If I had a new economical theory, how could I share it with academical environments? I call it “algorythmic economy”\n\nIf I had a new economical theory, how could I share it with academical environments? I call it algorythmic economy. I have made this same question on Quora. https://www.quora.com/unanswered/If-I-had-a-...\n1 vote\n81 views\n\n### Definition of strictly convex preference\n\nLet $x,y\\in X$. Does strictly convex preference (which implies that the utility is strictly quasiconcave) mean that: $x\\succsim y$ implies $\\alpha x+(1-\\alpha)y\\succ y$ for any $\\alpha\\in (0,1)$?\n165 views\n\n### Ordinally Separable Utility Representation\n\nLet $X_i$ be a separable, compact, Banach space. Definition: A weak order $\\succeq$ on $X=\\prod_{i=1}^NX_i$ has an ordinally separable representation if there exists $u_i: X_i\\rightarrow \\mathbb{R}$ ...\n1 vote\n82 views\n\n### Can I rename a utility function based on its properties?\n\nA big name researcher gives a name to a specific utility function 30 years ago. Now I am writing a paper and feel that a new name might be more suited because of the properties associated with the ...\n21 views\n\n### Original formulation of the axioms of rationality [duplicate]\n\nCompleteness and transitivity are considered to be the two axioms of rationality in case of decisions under certainty. I wanted to know when were these axioms first proposed, by whom and the first ...\n56 views\n\n### Ranked choice preference with ties - Arrow's Impossibility Theorem\n\nMy question relates to my understanding of Arrow's Impossibility Theorem and ranked choice. It seems to me that the requirements on social choice functions are too strict. A social choice function ...\n1 vote\n39 views\n\n### Identifiability of Non-Parametric Utility Function?\n\nI recently learned that EU characterized by independence and weak ordering is identifiable, but a utility function like: $U(x)=v_1(x)v_2(x)$ is not identifiable. Does it mean that \"cardinal ...\n113 views\n\n### If a rational preference relation over simple lotteries $\\succsim$ are convex then they satisfy independence?\n\nLet´s say there is an uncertain situation with $N$ possible consequences $C = \\{C_1, . . . C_N\\}$. Assume that there is a rational preference relation $\\succsim$ over simple lotteries. I know that if ...\n133 views\n\n### Certainty equivalence when the utility is semi-continuous instead of continuous\n\nLet $U:\\mathbb R^2\\to\\mathbb R$ be a utility function. If $U$ is strictly increasing and continuous, then it is well known that for any $(x_1,x_2)$ there exists a certainty $(c,c)$ such that U(x_1,...\n85 views\n\n### Who were the first economists arguing that utility maximization is the core of rationality and economic behavior?\n\nI am looking for the first economists arguing that maximizing utility function is the iff condition of rational behavior. I've learned that neoclassical economics is founded on this argument. Is this ...\n335 views\n\n### What is the point of considering only pure strategies in a game? How could you restrict people from thinking about mixed strategy?\n\nIn an experimental setting, how could you effectively incentivize the subjects to not to adopt mixed strategy? I would like to re-emphasize that the question in concern is \"how to prevent people ...\n1k views\n\n### Why utility should be bounded (or unbounded)?\n\nFor Expected Utility and SEU, people make axioms to ensure that the utility is bounded. However, I personally believe that the utility function must be unbounded, especially if we are considering ...\n101 views\n\n### What is the observable definition of \"preference\" by Frisch?\n\nTo make things weird, although Frisch was fully aware of the importance of random distribution in economics relations, he never mention the randomness in binary preference relations! How to define ...\n1 vote\n100 views\n\n### What additional axiom to GARP do we need to generate a differentiable or smooth utility function\n\nAfter researching for a while, I find this: https://www.jstor.org/stable/1913607?seq=2#metadata_info_tab_contents They come up with an axiom called SSARP that generates a preference with smooth demand ...\nConsider a model where a decision maker (DM) has to choose action $y\\in \\mathcal{Y}$ possibly without being fully aware of the state of the world. The state of the world has support $\\mathcal{V}$. ..."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8935391,"math_prob":0.95331943,"size":4281,"snap":"2023-40-2023-50","text_gpt3_token_len":1092,"char_repetition_ratio":0.099368714,"word_repetition_ratio":0.0,"special_character_ratio":0.2623219,"punctuation_ratio":0.17594655,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9921508,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-09-27T09:20:38Z\",\"WARC-Record-ID\":\"<urn:uuid:3539242d-6e73-40d6-9c97-223471af7ad1>\",\"Content-Length\":\"347481\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:69df7014-a43b-46af-af84-c9fe32c8787a>\",\"WARC-Concurrent-To\":\"<urn:uuid:e1c9fcc1-7fc8-4414-8dbc-a10ae9b4044d>\",\"WARC-IP-Address\":\"104.18.10.86\",\"WARC-Target-URI\":\"https://economics.stackexchange.com/questions/tagged/decision-theory\",\"WARC-Payload-Digest\":\"sha1:F7TQ7LVGBW7GLOYRCGR2LPU5J6QNCYLS\",\"WARC-Block-Digest\":\"sha1:UZ5NFKKCLLGIT2MY7QZ3UZISUAPBTQO5\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-40/CC-MAIN-2023-40_segments_1695233510284.49_warc_CC-MAIN-20230927071345-20230927101345-00330.warc.gz\"}"} |
https://math.stackexchange.com/questions/1026412/differential-equation-mass-damped-spring | [
"# Differential Equation Mass Damped Spring\n\nI have already attempted to find the natural frequency by taking the root of $k/\\mu$ where $\\mu = 2m$. I then divided that by $2\\pi$ to get $6.74\\cdot 10^{13}$, not sure how to answer the second question though.\n\n1. The $\\mu$ for the Oxygen molecule (O2) is $1.33\\cdot 10^{-26}$kg and $k =1195$N/m. What is the natural frequency of O2?\n\n2. What will happen to the molecule if it is forced by an external source to vibrate with a frequency equal to its natural frequency? Explain in detail.\n\n• The question should be left up so others can see it. – JB King Nov 17 '14 at 19:46\n\nIn particular, if $y$ is the distance from the equilibrium position, the equation (in the linear realm) for $y$ if the forcing has the same frequency as the natural frequency is $$\\frac{d^2y}{dt^2} + \\frac{k}{\\mu}y -a\\cos \\left( \\sqrt{\\frac{k}{\\mu}} t\\right) = 0$$ and this is solved (starting at rest at $y=0$ by $$y = \\frac{a}{2}\\sqrt{\\frac{\\mu}{k}} t \\sin \\left( \\sqrt{\\frac{k}{\\mu}} t\\right)$$ so the amplitude of vibration grows linearly with time.\n\nOf course, in a real molecule the restoring force becomes non-linear way before the molecule dissociates, but you can get a good estimate of the time to dissociation by seeing when the energy given by that formula exceeds the molecular binding energy.\n\nIf you force a spring using its natural frequency the amplitude will get larger and larger. Obviously the linear spring model will break down at some point, in particular, the $O_2$ molecule will dissociate into two oxygen atoms.\n\nBY the way, you might want to check your math for part 1. Did you use the reduced mass $\\mu$ or the mass of one oxygen atom?\n\n• Yes we fixed the math for part 1 after realizing that we needed to use the reduced mass μ. The amplitude getting larger makes sense however I am not sure how to find the exact amplitude. Also can we then conclude that the natural frequency of heavier diatomic molecules is lower than that of the lighter molecule? – math3 Nov 17 '14 at 19:16\n\nIf the molecule is being forced to vibrate at its natural frequency, my guess is that the molecule would break apart. I am not a chemist so I am not entirely certain. I am saying based on what happens to structures that are forced to vibrate at their natural frequency. For instance, take the Tacoma National Bridge which you can watch here on Youtube.\n\nTacoma Bridge"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.94047695,"math_prob":0.9961611,"size":481,"snap":"2019-26-2019-30","text_gpt3_token_len":135,"char_repetition_ratio":0.13626835,"word_repetition_ratio":0.0,"special_character_ratio":0.30769232,"punctuation_ratio":0.086538464,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99934596,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2019-07-18T21:57:11Z\",\"WARC-Record-ID\":\"<urn:uuid:55e77519-dad7-4439-a77e-db5b8887a348>\",\"Content-Length\":\"149858\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:8b3906e1-2ec9-4476-a9ad-7d20f48d1dda>\",\"WARC-Concurrent-To\":\"<urn:uuid:ff53e14f-9602-4450-a171-bdf3b91c09e5>\",\"WARC-IP-Address\":\"151.101.129.69\",\"WARC-Target-URI\":\"https://math.stackexchange.com/questions/1026412/differential-equation-mass-damped-spring\",\"WARC-Payload-Digest\":\"sha1:2EFDSL6D74DG26ZDDXZSR723V6AQ4ONU\",\"WARC-Block-Digest\":\"sha1:BATH2XJCVKCYHL47MRO3EIW6N4KH3QFD\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2019/CC-MAIN-2019-30/CC-MAIN-2019-30_segments_1563195525829.33_warc_CC-MAIN-20190718211312-20190718233312-00055.warc.gz\"}"} |
https://twistedmatrix.com/documents/19.7.0/api/twisted.positioning.nmea.NMEASentence.html | [
"An object representing an NMEA sentence.\n\nThe attributes of this objects are raw NMEA protocol data, which are all ASCII bytestrings.\n\nThis object contains all the raw NMEA protocol data in a single sentence. Not all of these necessarily have to be present in the sentence. Missing attributes are None when accessed.\n\n Instance Variable type The sentence type (\"GPGGA\", \"GPGSV\"...). Instance Variable numberOfGSVSentences The total number of GSV sentences in a sequence. Instance Variable GSVSentenceIndex The index of this GSV sentence in the GSV sequence. Instance Variable timestamp A timestamp. (\"123456\" -> 12:34:56Z) Instance Variable datestamp A datestamp. (\"230394\" -> 23 Mar 1994) Instance Variable latitudeFloat Latitude value. (for example: \"1234.567\" -> 12 degrees, 34.567 minutes). Instance Variable latitudeHemisphere Latitudinal hemisphere (\"N\" or \"S\"). Instance Variable longitudeFloat Longitude value. See latitudeFloat for an example. Instance Variable longitudeHemisphere Longitudinal hemisphere (\"E\" or \"W\"). Instance Variable altitude The altitude above mean sea level. Instance Variable altitudeUnits Units in which altitude is expressed. (Always \"M\" for meters.) Instance Variable heightOfGeoidAboveWGS84 The local height of the geoid above the WGS84 ellipsoid model. Instance Variable heightOfGeoidAboveWGS84Units The units in which the height above the geoid is expressed. (Always \"M\" for meters.) Instance Variable trueHeading The true heading. Instance Variable magneticVariation The magnetic variation. Instance Variable magneticVariationDirection The direction of the magnetic variation. One of \"E\" or \"W\". Instance Variable speedInKnots The ground speed, expressed in knots. Instance Variable fixQuality The quality of the fix. (type: One of GPGGAFixQualities.) Instance Variable dataMode Signals if the data is usable or not. (type: One of GPGLLGPRMCFixQualities.) Instance Variable numberOfSatellitesSeen The number of satellites seen by the receiver. Instance Variable numberOfSatellitesUsed The number of satellites used in computing the fix. Instance Variable horizontalDilutionOfPrecision The dilution of the precision of the position on a plane tangential to the geoid. (HDOP) Instance Variable verticalDilutionOfPrecision As horizontalDilutionOfPrecision, but for a position on a plane perpendicular to the geoid. (VDOP) Instance Variable positionDilutionOfPrecision Euclidean norm of HDOP and VDOP. Instance Variable satellitePRN The unique identifcation number of a particular satellite. Optionally suffixed with _N if multiple satellites are referenced in a sentence, where N in range(4). Instance Variable elevation The elevation of a satellite in decimal degrees. Optionally suffixed with _N, as with satellitePRN. Instance Variable azimuth The azimuth of a satellite in decimal degrees. Optionally suffixed with _N, as with satellitePRN. Instance Variable signalToNoiseRatio The SNR of a satellite signal, in decibels. Optionally suffixed with _N, as with satellitePRN. Instance Variable usedSatellitePRN_N Where int(N) in range(12). The PRN of a satellite used in computing the fix. Method _isFirstGSVSentence Tests if this current GSV sentence is the first one in a sequence. Method _isLastGSVSentence Tests if this current GSV sentence is the final one in a sequence.\n\nInherited from _BaseSentence:\n\n Instance Variable presentAttributes 0 An iterable containing the names of the attributes that are present in this sentence. (type: iterable of str) Class Variable ALLOWED_ATTRIBUTES A set of attributes that are allowed in this sentence. (type: set of str) Method __init__ Initializes a sentence with parsed sentence data. Method presentAttributes An iterable containing the names of the attributes that are present in this sentence. Method __getattr__ Gets an attribute of this sentence. Method __repr__ Returns a textual representation of this sentence.\ntype =\nThe sentence type (\"GPGGA\", \"GPGSV\"...).\nnumberOfGSVSentences =\nThe total number of GSV sentences in a sequence.\nGSVSentenceIndex =\nThe index of this GSV sentence in the GSV sequence.\ntimestamp =\nA timestamp. (\"123456\" -> 12:34:56Z)\ndatestamp =\nA datestamp. (\"230394\" -> 23 Mar 1994)\nlatitudeFloat =\nLatitude value. (for example: \"1234.567\" -> 12 degrees, 34.567 minutes).\nlatitudeHemisphere =\nLatitudinal hemisphere (\"N\" or \"S\").\nlongitudeFloat =\nLongitude value. See latitudeFloat for an example.\nlongitudeHemisphere =\nLongitudinal hemisphere (\"E\" or \"W\").\naltitude =\nThe altitude above mean sea level.\naltitudeUnits =\nUnits in which altitude is expressed. (Always \"M\" for meters.)\nheightOfGeoidAboveWGS84 =\nThe local height of the geoid above the WGS84 ellipsoid model.\nheightOfGeoidAboveWGS84Units =\nThe units in which the height above the geoid is expressed. (Always \"M\" for meters.)\nmagneticVariation =\nThe magnetic variation.\nmagneticVariationDirection =\nThe direction of the magnetic variation. One of \"E\" or \"W\".\nspeedInKnots =\nThe ground speed, expressed in knots.\nfixQuality =\nThe quality of the fix. (type: One of GPGGAFixQualities.)\ndataMode =\nSignals if the data is usable or not. (type: One of GPGLLGPRMCFixQualities.)\nnumberOfSatellitesSeen =\nThe number of satellites seen by the receiver.\nnumberOfSatellitesUsed =\nThe number of satellites used in computing the fix.\nhorizontalDilutionOfPrecision =\nThe dilution of the precision of the position on a plane tangential to the geoid. (HDOP)\nverticalDilutionOfPrecision =\nAs horizontalDilutionOfPrecision, but for a position on a plane perpendicular to the geoid. (VDOP)\npositionDilutionOfPrecision =\nEuclidean norm of HDOP and VDOP.\nsatellitePRN =\nThe unique identifcation number of a particular satellite. Optionally suffixed with _N if multiple satellites are referenced in a sentence, where N in range(4).\nelevation =\nThe elevation of a satellite in decimal degrees. Optionally suffixed with _N, as with satellitePRN.\nazimuth =\nThe azimuth of a satellite in decimal degrees. Optionally suffixed with _N, as with satellitePRN.\nsignalToNoiseRatio =\nThe SNR of a satellite signal, in decibels. Optionally suffixed with _N, as with satellitePRN.\nusedSatellitePRN_N =\nWhere int(N) in range(12). The PRN of a satellite used in computing the fix.\ndef _isFirstGSVSentence(self): (source)\n\nTests if this current GSV sentence is the first one in a sequence.\n\n Returns True if this is the first GSV sentence. (type: bool)\ndef _isLastGSVSentence(self): (source)\n\nTests if this current GSV sentence is the final one in a sequence.\n\n Returns True if this is the last GSV sentence. (type: bool)\nAPI Documentation for Twisted, generated by pydoctor at 2019-08-06 12:10:50."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.66498256,"math_prob":0.79755723,"size":4745,"snap":"2019-43-2019-47","text_gpt3_token_len":1192,"char_repetition_ratio":0.20839486,"word_repetition_ratio":0.23831071,"special_character_ratio":0.21917808,"punctuation_ratio":0.13581891,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.98430467,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2019-10-16T16:39:02Z\",\"WARC-Record-ID\":\"<urn:uuid:bfafc368-a3c5-4824-bd7c-781decbc074f>\",\"Content-Length\":\"27457\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:e2d51c93-62ae-48a2-ba37-e4c27bfd674d>\",\"WARC-Concurrent-To\":\"<urn:uuid:4e8fd652-7c8e-4ccb-b5b0-85bfc26b9b4c>\",\"WARC-IP-Address\":\"66.35.39.66\",\"WARC-Target-URI\":\"https://twistedmatrix.com/documents/19.7.0/api/twisted.positioning.nmea.NMEASentence.html\",\"WARC-Payload-Digest\":\"sha1:DZVJQ2EK6VP2JXUQDEDJFAL74FCFFXU5\",\"WARC-Block-Digest\":\"sha1:O3UQV6CY4SP4RIPTJZXYNIXTW4YTX2RI\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2019/CC-MAIN-2019-43/CC-MAIN-2019-43_segments_1570986669057.0_warc_CC-MAIN-20191016163146-20191016190646-00074.warc.gz\"}"} |
https://minutemath.com/algebra-2/integers/ | [
"# 1.2 Integers\n\nTopics covered in this section are:\n\n## 1.2.1 Simplify Expressions with Absolute Value\n\nnegative number is a number less than $0$. The negative numbers are to the left of zero on the number line. See Figure 1.2.",
null,
"Figure 1.2 The number line shows the location of positive and negative numbers.\n\nYou may have noticed that, on the number line, the negative numbers are a mirror image of the positive numbers, with zero in the middle. Because the numbers $2$ and $-2$ are the same distance from zero, each one is called the opposite of the other. The opposite of $2$ is $-2$ and the opposite of $-2$ is $2$.\n\n### OPPOSITE\n\nThe opposite of a number is the number that is the same distance from zero on the number line but on the opposite side of zero.\n\nFigure 1.3 illustrates the definition.",
null,
"Figure 1.3 The opposite of $3$ is $-3$.\n\n### OPPOSITE NOTATION\n\n$-a$ means the opposite of the number a.\n\nThe notation $-a$ is read as “the opposite of $a$.”\n\nWe saw that numbers such as $3$ and $-3$ are opposites because they are the same distance from $0$ on the number line. They are both three units from $0$. The distance between $0$ and any number on the number line is called the absolute value of that number.\n\n### ABSOLUTE VALUE\n\nThe absolute value of a number is its distance from $0$ on the number line. The absolute value of a number $n$ is written as $|n|$ and $|n|≥0$ for all numbers. Absolute values are always greater than or equal to zero.\n\nFor example,\n\n$-5$ is $5$ units away from $0$, so $|-5|=5$.\n\n$5$ is $5$ units away from $0$, so $|5|=5$.\n\nFigure 1.4 illustrates this idea.",
null,
"Figure 1.4 The numbers $5$ and $-5$ are $5$ units away from $0$.\n\nThe absolute value of a number is never negative because distance cannot be negative. The only number with absolute value equal to zero is the number zero itself because the distance from $0$ to $0$ on the number line is zero units.\n\nIn the next example, we’ll order expressions with absolute values.\n\n#### Example 1\n\nFill in $>$, $<$, or $=$ for each of the following numbers:\n\n• $|-5|$ ___ $-|-5|$\n• $8$ ___ $-|-8|$\n• $-9$ ___ $-|-9|$\n• $-(-16)$ ___ $|-16|$\nSolution\n\nPart 1.\n\nPart 2.\n\nPart 3.\n\nPart 4.\n\nWe now add absolute value bars to our list of grouping symbols. When we use the order of operations, first we simplify inside the absolute value bars as much as possible, then we take the absolute value of the resulting number.\n\n### GROUPING SYMBOLS\n\n Parentheses ( ) Braces { } Brackets [ ] Absolute value | |\n\nIn the next example, we simplify the expressions inside absolute value bars first just as we do with parentheses.\n\n#### Example 2\n\nSimplify: $24-|19-3(6-2)|$.\n\nSolution\n\n## 1.2.2 Add and Subtract Integers\n\nSo far, we have only used the counting numbers and the whole numbers.\n\n Counting Numbers $1,2,3…$ Whole Numbers $0,1,2,3…$\n\nOur work with opposites gives us a way to define the integers. The whole numbers and their opposites are called the integers. The integers are the numbers … $-3,-2,-1,0,1,2,3…$\n\n### INTEGERS\n\nThe whole numbers and their opposites are called the integers. The integers are the numbers $…-3,-2,-1,0,1,2,3…$\n\nMost students are comfortable with the addition and subtraction facts for positive numbers. But doing addition or subtraction with both positive and negative numbers may be more challenging.\n\nWe will use two color counters to model addition and subtraction of negatives so that you can visualize the procedures instead of memorizing the rules.\n\nWe let one color (blue) represent positive. The other color (red) will represent the negatives.",
null,
"If we have one positive counter and one negative counter, the value of the pair is zero. They form a neutral pair. The value of this neutral pair is zero.",
null,
"We will use the counters to show how to add:\n\n $5+3$ $-5+(-3)$ $-5+3$ $5+(-3)$\n\nThe first example, $5+3$, adds $5$ positives and $3$ positives—both positives.\n\nThe second example, $-5+(-3)$, adds $5$ negatives and $3$ negatives—both negatives.\n\nWhen the signs are the same, the counters are all the same color, and so we add them. In each case we get $8$—either $8$ positives or $8$ negatives.",
null,
"So what happens when the signs are different? Let’s add $-5+3$ and $5+(-3)$.\n\nWhen we use counters to model addition of positive and negative integers, it is easy to see whether there are more positive or more negative counters. So we know whether the sum will be positive or negative.",
null,
"#### Example 3\n\n• $-1+(-4)$\n• $-1+5$\n• $1+(-5)$\nSolution\n\nPart 1.\n\nPart 2.\n\nPart 3.\n\nWe will continue to use counters to model the subtraction. Perhaps when you were younger, you read “$5-3$” as “$5$ take away $3$.” When you use counters, you can think of subtraction the same way!\n\nWe will use the counters to show to subtract:\n\n $5-3$ $-5-(-3)$ $-5-3$ 5-(-3)\n\nThe first example, $5-3$, we subtract $3$ positives from $5$ positives and end up with $2$ positives.\n\nIn the second example, $-5-(-3)$, we subtract $3$ negatives from $5$ negatives and end up with $2$ negatives.\n\nEach example used counters of only one color, and the “take away” model of subtraction was easy to apply.",
null,
"What happens when we have to subtract one positive and one negative number? We’ll need to use both blue and red counters as well as some neutral pairs. If we don’t have the number of counters needed to take away, we add neutral pairs. Adding a neutral pair does not change the value. It is like changing quarters to nickels—the value is the same, but it looks different.\n\nLet’s look at $-5-3$ and $5-(-3)$.\n\n#### Example 4\n\nSubtract:\n\n• $3-1$\n• $-3-(-1)$\n• $-3-1$\n• $3-(-1)$\nSolution\n\nPart 1.\n\nPart 2.\n\nPart 3.\n\nPart 4.\n\nHave you noticed that subtraction of signed numbers can be done by adding the opposite? In the last example, $-3-1$ is the same as $-3+(-1)$ and $3-(-1)$ is the same as $3+1$. You will often see this idea, the Subtraction Property, written as follows:\n\n### SUBTRACTION PROPERTY\n\n$a-b=a+(-b)$\n\nSubtracting a number is the same as adding its opposite.\n\n#### Example 5\n\nSimplify:\n\n• $13-8$ and $13+(-8)$\n• $-17-9$ and $-17+(-9)$\n• $9-(-15)$ and $9+15$\n• $-7-(-4)$ and $-7+4$\nSolution\n\nPart 1.\n\n Subtract. $13-8 \\ \\ \\ \\ \\ and \\ \\ \\ \\ \\ 13+(-8)$$\\ \\ \\ \\ \\ \\ 5 \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ 5 Part 2. Subtract. -17-9 \\ \\ \\ \\ \\ and \\ \\ \\ \\ \\ -17+(-9)$$\\ \\ \\ \\ \\ \\ -26 \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ -26$\n\nPart 3.\n\n Subtract. $9-(-15) \\ \\ \\ \\ \\ and \\ \\ \\ \\ \\ 9+15$$\\ \\ \\ \\ \\ \\ 24 \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ 24 Part 4. Subtract. -7-(-4) \\ \\ \\ \\ \\ and \\ \\ \\ \\ \\ -7+4$$\\ \\ \\ \\ \\ \\ -3 \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ \\ -3$\n\nWhat happens when there are more than three integers? We just use the order of operations as usual.\n\n## 1.2.3 Multiply and Divide Integers\n\nSince multiplication is mathematical shorthand for repeated addition, our model can easily be applied to show multiplication of integers. Let’s look at this concrete model to see what patterns we notice. We will use the same examples that we used for addition and subtraction. Here, we are using the model just to help us discover the pattern.\n\nWe remember that $a \\cdot b$ means add $a$, $b$ times.",
null,
"The next two examples are more interesting. What does it mean to multiply $5$ by $-3$? It means subtract $5$, $3$ times. Looking at subtraction as “taking away”, it means to take away $5$, $3$ times. But there is nothing to take away, so we start by adding neutral pairs on the workspace.",
null,
"In summary:\n\n $5 \\cdot 3=15$ $-5(3)=-15$ $5(-3)=-15$ $(-5)(-3)=15$\n\nNotice that for multiplication of two signed numbers, when the\n\nsigns are the same, the product is positive.\n\nsigns are different, the product is negative.\n\nWhat about division? Division is the inverse operation of multiplication. So, $15 \\div 3=5$ because $5 \\cdot 3=15$. In words, this expression says that $15$ can be divided into $3$ groups of $5$ each because adding five three times gives $15$. If you look at some examples of multiplying integers, you might figure out the rules for dividing integers.\n\n $5 \\cdot 3=15$ so $15 \\div 3=5$ $-5(3)=-15$ so $-15 \\div 3=-5$ $(-5)(-3)=15$ so $15 \\div (-3)=-5$ $5(-3)=-15$ so $-15 \\div (-3)=5$\n\nDivision follows the same rules as multiplication with regard to signs.\n\n### MULTIPLICATION AND DIVISION OF SIGNED NUMBERS\n\nFor multiplication and division of two signed numbers:\n\nIf the signs are the same, the result is positive.\n\nIf the signs are different, the result is negative.\n\n#### Example 6\n\nMultiply or divide:\n\n• $-100 \\div (-4)$\n• $7 \\cdot 6$\n• $4(-8)$\n• $-27 \\div 3$\nSolution\n\nPart 1.\n\nPart 2.\n\nPart 3.\n\nPart 4.\n\nWhen we multiply a number by $1$, the result is the same number. Each time we multiply a number by $-1$, we get its opposite!\n\n### MULTIPLICATION BY $-1$\n\n$-1a=-a$\n\nMultiplying a number by $-1$ gives its opposite.\n\n## 1.2.4 Simplify Expressions with Integers\n\nWhat happens when there are more than two numbers in an expression? The order of operations still applies when negatives are included. Remember Please Excuse My Dear Aunt Sally?\n\nLet’s try some examples. We’ll simplify expressions that use all four operations with integers—addition, subtraction, multiplication, and division. Remember to follow the order of operations.\n\n#### Example 7\n\nSimplify:\n\n• $(-2)^{4}$\n• $-2^{4}$\nSolution\n\nNotice the difference in parts 1 and 2. In part 1, the exponent means to raise what is in the parentheses, the $-2$ to the $4$th power. In part 2, the exponent means to raise just the $2$ to the $4$th power and then take the opposite.\n\nPart 1.\n\nPart 2.\n\nThe last example showed us the difference between $(-2)^{4}$ and $-2^{4}$. This distinction is important to prevent future errors. The next example reminds us to multiply and divide in order left to right.\n\n#### Example 8\n\nSimplify:\n\n• $8(-9) \\div (-2)^{3}$\n• $-30 \\div 2+(-3)(-7)$\nSolution\n\nPart 1.\n\nPart 2.\n\n## 1.2.5 Evaluate Variable Expressions with Integers\n\nRemember that to evaluate an expression means to substitute a number for the variable in the expression. Now we can use negative numbers as well as positive numbers.\n\n#### Example 9\n\nEvaluate $4x^{2}-2xy+3y^{2}$ when $x=2, y=-1$.\n\nSolution\n\n $4x^{2}-2xy+3y^{2}$ Substitute $x=2, y=-1$. Use parentheses to show multiplication. $4(2)^{2}-2(2)(-1)+3(-1)^{2}$ Simplify exponents. $4 \\cdot 4-2(2)(-1)+3 \\cdot 1$ Multiply. Subtract. $20+3$ Add. $23$\n\n## 1.2.6 Translate Phrases to Expressions with Integers\n\nOur earlier work translating English to algebra also applies to phrases that include both positive and negative numbers.\n\n#### Example 10\n\nTranslate and simplify: the sum of $8$ and $-12$, increased by $3$.\n\nSolution\n\n## 1.2.7 Use Integers in Applications\n\nWe’ll outline a plan to solve applications. It’s hard to find something if we don’t know what we’re looking for or what to call it! So when we solve an application, we first need to determine what the problem is asking us to find. Then we’ll write a phrase that gives the information to find it. We’ll translate the phrase into an expression and then simplify the expression to get the answer. Finally, we summarize the answer in a sentence to make sure it makes sense.\n\n#### Example 11\n\nIn the morning, the temperature in Kendallville, Indiana was $11$ degrees. By mid-afternoon, the temperature had dropped to $-9$ degrees. What was the difference in the morning and afternoon temperatures?\n\nSolution\n\n### HOW TO: Use Integers in Applications\n\n1. Read the problem. Make sure all the words and ideas are understood.\n2. Identify what we are asked to find.\n3. Write a phrase that gives the information to find it.\n4. Translate the phrase to an expression.\n5. Simplify the expression.\n6. Answer the question with a complete sentence."
] | [
null,
"https://openstax.org/apps/archive/20210514.171726/resources/5b234add390d5236c7b39ecc69e3ab0f2da44835",
null,
"https://openstax.org/apps/archive/20210514.171726/resources/c6f814d5023123dd2c111e6af209fed7f50c7d4d",
null,
"https://openstax.org/apps/archive/20210514.171726/resources/35e6191abfa15887207909da754e7b02b3e07ad0",
null,
"https://openstax.org/apps/archive/20210514.171726/resources/a238b07c153e5e55282a6b7ce46a2fcb210f077b",
null,
"https://openstax.org/apps/archive/20210514.171726/resources/9527c802010b4a2d7ccf8f4e55dc45ffbe8c6dfd",
null,
"https://openstax.org/apps/archive/20210514.171726/resources/1abb23805dff8e196f1b59b177640bad5ddd3089",
null,
"https://openstax.org/apps/archive/20210514.171726/resources/4d935e1048e52f09cf23bfd91c314980b474451c",
null,
"https://openstax.org/apps/archive/20210514.171726/resources/f33dbd828e13745a92217472d2e7d0ea5385b25d",
null,
"https://openstax.org/apps/archive/20210514.171726/resources/6813129cbf9af769aa86711ce6e33ac139bc707b",
null,
"https://openstax.org/apps/archive/20210514.171726/resources/b2068fb5102596a1b02fea32f221caeb30512e0d",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.800105,"math_prob":0.9995204,"size":14755,"snap":"2022-40-2023-06","text_gpt3_token_len":4444,"char_repetition_ratio":0.16100603,"word_repetition_ratio":0.10075069,"special_character_ratio":0.3488309,"punctuation_ratio":0.124699414,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9998055,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20],"im_url_duplicate_count":[null,1,null,3,null,3,null,3,null,3,null,3,null,3,null,3,null,3,null,3,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-09-25T12:20:40Z\",\"WARC-Record-ID\":\"<urn:uuid:966ace2d-aa68-4cbd-ab5e-931c6de99343>\",\"Content-Length\":\"284989\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:71db949d-9759-483b-bf1c-b402f14e4b9b>\",\"WARC-Concurrent-To\":\"<urn:uuid:b551af3c-7891-4b10-abea-cd50b3b67723>\",\"WARC-IP-Address\":\"192.0.78.254\",\"WARC-Target-URI\":\"https://minutemath.com/algebra-2/integers/\",\"WARC-Payload-Digest\":\"sha1:RXWXN64DZFMNLUISOSFFFCZK5ZYQ3OT5\",\"WARC-Block-Digest\":\"sha1:IW6HT74K4KOU7IDU7JUBAUCMC6RU5H5S\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-40/CC-MAIN-2022-40_segments_1664030334528.24_warc_CC-MAIN-20220925101046-20220925131046-00072.warc.gz\"}"} |
https://bugzilla.freedesktop.org/show_bug.cgi?id=103748 | [
"Bug 103748 - [softpipe] pigilt arb_internalformat_query2-image-texture regression\n[softpipe] pigilt arb_internalformat_query2-image-texture regression\n Status: RESOLVED MOVED None Mesa Unclassified Drivers/Gallium/softpipe (show other bugs) git x86-64 (AMD64) Linux (All) medium normal mesa-dev mesa-dev bisected\n\n Reported: 2017-11-15 00:09 UTC by Vinson Lee 2019-09-18 18:28 UTC (History) 3 users (show) eric maraeo nhaehnle\n\nAttachments\n\n Vinson Lee 2017-11-15 00:09:27 UTC ```mesa: 5041ea96a0544283c3cf3885d6e2d2d0ba4857f5 (master 17.4.0-devel) \\$ ./bin/arb_internalformat_query2-image-texture -auto 32 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_R11F_G11F_B10F, expected value = (32), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2UI, expected value = (32), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2, expected value = (32), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA16_SNORM, expected value = (64), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA8_SNORM, expected value = (32), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_RG16_SNORM, expected value = (32), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_RG8_SNORM, expected value = (16), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_R16_SNORM, expected value = (16), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_R8_SNORM, expected value = (8), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_R11F_G11F_B10F, expected value = (32), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2UI, expected value = (32), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2, expected value = (32), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA16_SNORM, expected value = (64), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA8_SNORM, expected value = (32), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_RG16_SNORM, expected value = (32), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_RG8_SNORM, expected value = (16), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_R16_SNORM, expected value = (16), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_TEXEL_SIZE, target = GL_TEXTURE_BUFFER, internalformat = GL_R8_SNORM, expected value = (8), params = (0,GL_POINTS), supported=1 PIGLIT: {\"subtest\": {\"GL_IMAGE_TEXEL_SIZE\" : \"fail\"}} 32 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_R11F_G11F_B10F, expected value = (33474), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2UI, expected value = (33475), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2, expected value = (33475), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA16_SNORM, expected value = (33468), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA8_SNORM, expected value = (33471), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_RG16_SNORM, expected value = (33469), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_RG8_SNORM, expected value = (33472), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_R16_SNORM, expected value = (33470), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_R8_SNORM, expected value = (33473), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_R11F_G11F_B10F, expected value = (33474), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2UI, expected value = (33475), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2, expected value = (33475), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA16_SNORM, expected value = (33468), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA8_SNORM, expected value = (33471), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_RG16_SNORM, expected value = (33469), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_RG8_SNORM, expected value = (33472), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_R16_SNORM, expected value = (33470), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_COMPATIBILITY_CLASS, target = GL_TEXTURE_BUFFER, internalformat = GL_R8_SNORM, expected value = (33473), params = (0,GL_POINTS), supported=1 PIGLIT: {\"subtest\": {\"GL_IMAGE_COMPATIBILITY_CLASS\" : \"fail\"}} 32 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_R11F_G11F_B10F, expected value = (6407), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2UI, expected value = (36249), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2, expected value = (6408), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA16_SNORM, expected value = (6408), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA8_SNORM, expected value = (6408), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_RG16_SNORM, expected value = (33319), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_RG8_SNORM, expected value = (33319), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_R16_SNORM, expected value = (6403), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_R8_SNORM, expected value = (6403), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_R11F_G11F_B10F, expected value = (6407), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2UI, expected value = (36249), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2, expected value = (6408), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA16_SNORM, expected value = (6408), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA8_SNORM, expected value = (6408), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_RG16_SNORM, expected value = (33319), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_RG8_SNORM, expected value = (33319), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_R16_SNORM, expected value = (6403), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_FORMAT, target = GL_TEXTURE_BUFFER, internalformat = GL_R8_SNORM, expected value = (6403), params = (0,GL_POINTS), supported=1 PIGLIT: {\"subtest\": {\"GL_IMAGE_PIXEL_FORMAT\" : \"fail\"}} 32 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_R11F_G11F_B10F, expected value = (35899), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2UI, expected value = (33640), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2, expected value = (33640), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA16_SNORM, expected value = (5122), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA8_SNORM, expected value = (5120), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_RG16_SNORM, expected value = (5122), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_RG8_SNORM, expected value = (5120), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_R16_SNORM, expected value = (5122), params = (0,GL_POINTS), supported=1 32 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_R8_SNORM, expected value = (5120), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_R11F_G11F_B10F, expected value = (35899), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2UI, expected value = (33640), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGB10_A2, expected value = (33640), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA16_SNORM, expected value = (5122), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_RGBA8_SNORM, expected value = (5120), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_RG16_SNORM, expected value = (5122), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_RG8_SNORM, expected value = (5120), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_R16_SNORM, expected value = (5122), params = (0,GL_POINTS), supported=1 64 bit failing case: pname = GL_IMAGE_PIXEL_TYPE, target = GL_TEXTURE_BUFFER, internalformat = GL_R8_SNORM, expected value = (5120), params = (0,GL_POINTS), supported=1 PIGLIT: {\"subtest\": {\"GL_IMAGE_PIXEL_TYPE\" : \"fail\"}} PIGLIT: {\"result\": \"fail\" } 272fe9494232baab159d10901aecfe1786595b17 is the first bad commit commit 272fe9494232baab159d10901aecfe1786595b17 Author: Marek Olšák Date: Thu Oct 19 22:22:15 2017 +0200 mesa: enable ARB_texture_buffer_* extensions in the Compatibility profile We already have piglit tests testing alpha, luminance, and intensity formats. They were skipped by piglit until now. Additionally, I'm enabling one ARB_texture_buffer_range piglit test to run with the compat profile. i965 behavior is unchanged except that it doesn't expose TBOs in the Compat profile. Not sure how that affects the GL version override. Reviewed-by: Nicolai Hähnle Reviewed-by: Eric Anholt :040000 040000 9ff97a01beb251d630b4f700f9c474de0f692cf6 35e692b0c6307be2ce982767477ed6d789b7a5fd M src bisect run success``` Marek Olšák 2017-11-15 02:17:39 UTC `Not a regression. The test uses GL 3.0 and TBOs are now enabled with 3.0, which means TBO subtests are enabled for the first time. The test also had some TBO bugs and might have more. This is untested territory.` GitLab Migration User 2019-09-18 18:28:02 UTC ```-- GitLab Migration Automatic Message -- This bug has been migrated to freedesktop.org's GitLab instance and has been closed from further activity. You can subscribe and participate further through the new bug through this link to our GitLab instance: https://gitlab.freedesktop.org/mesa/mesa/issues/219.```\n\nUse of freedesktop.org services, including Bugzilla, is subject to our Code of Conduct. How we collect and use information is described in our Privacy Policy."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.5933823,"math_prob":0.99520195,"size":14617,"snap":"2023-40-2023-50","text_gpt3_token_len":4087,"char_repetition_ratio":0.23403819,"word_repetition_ratio":0.86681974,"special_character_ratio":0.33098447,"punctuation_ratio":0.25720823,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.97159886,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-09-29T19:57:21Z\",\"WARC-Record-ID\":\"<urn:uuid:7facfd77-a4b9-4a41-86a9-47e229208604>\",\"Content-Length\":\"37272\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:cf48d707-c6e3-4fd4-b9f3-0a0bd105deda>\",\"WARC-Concurrent-To\":\"<urn:uuid:021d826c-095d-4aa5-a484-b19a6399528e>\",\"WARC-IP-Address\":\"131.252.210.165\",\"WARC-Target-URI\":\"https://bugzilla.freedesktop.org/show_bug.cgi?id=103748\",\"WARC-Payload-Digest\":\"sha1:DUREWHRLIIOPJV5QWYKNQWIBYT35PSW7\",\"WARC-Block-Digest\":\"sha1:LQCMBZIY22JWFBACAVCAMBSSYH5VVOVW\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-40/CC-MAIN-2023-40_segments_1695233510528.86_warc_CC-MAIN-20230929190403-20230929220403-00836.warc.gz\"}"} |
https://www.semanticscholar.org/author/L.-Bergamaschi/49601561 | [
"• Publications\n• Influence\nPreconditioning Indefinite Systems in Interior Point Methods for Optimization\n• Computer Science, Mathematics\n• Comput. Optim. Appl.\n• 1 July 2004\nEvery Newton step in an interior-point method for optimization requires a solution of a symmetric indefinite system of linear equations. Most of today's codes apply direct solution methods to performExpand\n• 157\n• 10\n• PDF\nMIXED FINITE ELEMENTS AND NEWTON-TYPE LINEARIZATIONS FOR THE SOLUTION OF RICHARDS' EQUATION\n• Mathematics\n• 20 July 1999\nWe present the development of a two-dimensional Mixed-Hybrid Finite Element (MHFE) model for the solution of the non-linear equation of variably saturated flow in groundwater on unstructuredExpand\n• 136\n• 6\n• PDF\nInterpolating discrete advection-diffusion propagators at Leja sequences\n• Mathematics\n• 1 November 2004\nWe propose and analyze the ReLPM (Real Leja Points Method) for evaluating the propagator ϕ(ΔtB)v via matrix interpolation polynomials at spectral Leja sequences. Here B is the large, sparse,Expand\n• 54\n• 4\n• PDF\nOn eigenvalue distribution of constraint-preconditioned symmetric saddle point matrices\n• L. Bergamaschi\n• Computer Science, Mathematics\n• Numer. Linear Algebra Appl.\n• 1 August 2012\n• 28\n• 3\nEfficient approximation of the exponential operator for discrete 2D advection-diffusion problems\n• Mathematics, Computer Science\n• Numer. Linear Algebra Appl.\n• 1 April 2003\nIn this paper we compare Krylov subspace methods with Faber series expansion for approximating the matrix exponential operator on large, sparse, non-symmetric matrices. We consider in particular theExpand\n• 36\n• 3\n• PDF\nOn the Reliability of Numerical Solutions of Brine Transport in Groundwater: Analysis of Infiltration from a Salt Lake\n• Mathematics\n• 1 April 2001\nThe density dependent flow and transport problem in groundwater is solved numerically by means of a mixed finite element scheme for the flow equation and a mixed finite element-finite volumeExpand\n• 31\n• 3\nInexact constraint preconditioners for linear systems arising in interior point methods\n• Mathematics, Computer Science\n• Comput. Optim. Appl.\n• 1 April 2007\nAbstract Issues of indefinite preconditioning of reduced Newton systems arising in optimization with interior point methods are addressed in this paper. Constraint preconditioners have shown muchExpand\n• 60\n• 2\n• PDF\nQuasi-Newton preconditioners for the inexact Newton method.\n• Mathematics\n• 2006\nIn this paper preconditioners for solving the linear systems of the Newton method in each nonlinear iteration are studied. In particular, we define a sequence of preconditioners built by means ofExpand\n• 30\n• 2\n• PDF\nThe LEM exponential integrator for advection-diffusion-reaction equations\n• Mathematics\n• 20 December 2007\nWe implement a second-order exponential integrator for semidiscretized advection-diffusion-reaction equations, obtained by coupling exponential-like Euler and Midpoint integrators, and computing theExpand\n• 15\n• 2\n• PDF\nAn Efficient Parallel MLPG Method for Poroelastic Models\n• Mathematics\n• 1 August 2009\nA meshless model, based on the Meshless Local Petrov-Galerkin (MLPG) approach, is developed and implemented in parallel for the solution of axi-symmetric poroelastic problems. The parallel code isExpand\n• 21\n• 2"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.7554471,"math_prob":0.8579867,"size":3675,"snap":"2020-45-2020-50","text_gpt3_token_len":891,"char_repetition_ratio":0.119585946,"word_repetition_ratio":0.05816135,"special_character_ratio":0.20353742,"punctuation_ratio":0.13355593,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99109924,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-10-26T14:19:28Z\",\"WARC-Record-ID\":\"<urn:uuid:59fd99e1-a6da-4523-b43d-9c1ba0c2b7cc>\",\"Content-Length\":\"510498\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:e4f0ea7e-a48b-415c-b8e7-20a834142ef9>\",\"WARC-Concurrent-To\":\"<urn:uuid:5c57836b-ee06-4d6c-89ae-6780d4bf23c6>\",\"WARC-IP-Address\":\"13.32.207.85\",\"WARC-Target-URI\":\"https://www.semanticscholar.org/author/L.-Bergamaschi/49601561\",\"WARC-Payload-Digest\":\"sha1:2LB6XZOLPGTGCHBAXGAIEE2YXYHNHLCU\",\"WARC-Block-Digest\":\"sha1:23ELENM26TCV2GRYCBUBLDDZSW3YFHY6\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-45/CC-MAIN-2020-45_segments_1603107891228.40_warc_CC-MAIN-20201026115814-20201026145814-00454.warc.gz\"}"} |
https://www.geeksforgeeks.org/number-of-cells-in-matrix-which-are-equidistant-from-given-two-points/ | [
"# Number of cells in matrix which are equidistant from given two points\n\nGiven a matrix of N rows and M columns, given two points on the matrix; the task is to count the number of cells that are equidistant from given two points. Any traversal either in the horizontal direction or vertical direction or both ways is considered valid but the diagonal path is not valid.\n\nExamples:\n\nInput: 5 5\n2 4\n5 3\nOutput: 5\nExplanation:\nOut of all cells, these are the points (3, 1);(3, 2);(3, 3);(4, 4);(4, 5)\nwhich satisfy given condition.\n\nInput: 4 3\n2 3\n4 1\nOutput: 4\nExplanation:\nOut of all cells, these are the points (1, 1);(2, 1);(3, 2);(4, 3)\nwhich satisfy given condition.\n\n## Recommended: Please try your approach on {IDE} first, before moving on to the solution.\n\nApproach:\n\n1. Every cell of the matrix is traversed.\n2. Let ‘A’ be the distance between current cell and first point and similarly ‘B’ be the distance between current cell and second point.\n3. Distance between two points is calculated using Manhattan distance. If A & B are equal, the count is incremented.\n\nBelow is the implementation of the above approach:\n\n## C++\n\n `// C++ implementation of the above approach ` `#include ` `using` `namespace` `std; ` `int` `numberOfPoints(``int` `N, ``int` `M, ``int` `x1, ` ` ``int` `y1, ``int` `x2, ``int` `y2) ` `{ ` ` ` ` ``// Initializing count ` ` ``int` `count = 0; ` ` ` ` ``// Traversing through rows. ` ` ``for` `(``int` `i = 1; i <= N; i++) { ` ` ` ` ``// Traversing through columns. ` ` ``for` `(``int` `j = 1; j <= M; j++) { ` ` ` ` ``// By using Manhattan Distance, the distance between ` ` ``// the current point to given two points is calculated. ` ` ` ` ``// If distances are equal ` ` ``// the count is incremented by 1. ` ` ``if` `(``abs``(i - x1) + ``abs``(j - y1) ` ` ``== ``abs``(i - x2) + ``abs``(j - y2)) ` ` ``count++; ` ` ``} ` ` ``} ` ` ` ` ``return` `count; ` `} ` ` ` `// Driver Code ` `int` `main() ` `{ ` ` ``int` `n = 5; ` ` ``int` `m = 5; ` ` ``int` `x1 = 2; ` ` ``int` `y1 = 4; ` ` ``int` `x2 = 5; ` ` ``int` `y2 = 3; ` ` ` ` ``cout << numberOfPoints(n, m, x1, y1, x2, y2); ` `} `\n\n## Java\n\n `//Java implementation of the above approach ` `import` `java.util.*; ` `import` `java.lang.Math; ` `public` `class` `GFG { ` ` ``public` `static` `int` `numberOfPoints(``int` `N, ``int` `M, ``int` `x1, ` ` ``int` `y1, ``int` `x2, ``int` `y2) ` ` ``{ ` ` ``int` `count = ``0``, i, j; ` ` ` ` ``// Traversing through rows. ` ` ``for` `(i = ``1``; i <= N; i++) { ` ` ` ` ``// Traversing through columns. ` ` ``for` `(j = ``1``; j <= M; j++) { ` ` ` ` ``// By using Manhattan Distance, distance between ` ` ``// current point to given two points is calculated ` ` ` ` ``// If distances are equal ` ` ``// the count is incremented by 1. ` ` ``if` `(Math.abs(i - x1) + Math.abs(j - y1) ` ` ``== Math.abs(i - x2) + Math.abs(j - y2)) ` ` ``count += ``1``; ` ` ``} ` ` ``} ` ` ``return` `count; ` ` ``} ` ` ` ` ``// Driver Code ` ` ``public` `static` `void` `main(String[] args) ` ` ``{ ` ` ``int` `n = ``5``; ` ` ``int` `m = ``5``; ` ` ``int` `x1 = ``2``; ` ` ``int` `y1 = ``4``; ` ` ``int` `x2 = ``5``; ` ` ``int` `y2 = ``3``; ` ` ` ` ``System.out.println(numberOfPoints(n, m, x1, y1, x2, y2)); ` ` ``} ` `} `\n\n## Python\n\n `# Python implementation of the above approach ` `def` `numberPoints(N, M, x1, y1, x2, y2): ` ` ` ` ``# Initializing count = 0 ` ` ``count ``=` `0` ` ` ` ``# Traversing through rows. ` ` ``for` `i ``in` `range``(``1``, N ``+` `1``): ` ` ` ` ``# Traversing through columns. ` ` ``for` `j ``in` `range``(``1``, M ``+` `1``): ` ` ` ` ``# By using Manhattan Distance, ` ` ``# distance between current point to ` ` ``# given two points is calculated ` ` ` ` ``# If distances are equal the ` ` ``# count is incremented by 1. ` ` ``if` `(``abs``(i ``-` `x1)``+``abs``(j ``-` `y1)) ``=``=` `(``abs``(i ``-` `x2)``+``abs``(j ``-` `y2)): ` ` ``count ``+``=` `1` ` ` ` ``return` `count ` ` ` `# Driver Code ` `N ``=` `5` `M ``=` `5` `x1 ``=` `2` `y1 ``=` `4` `x2 ``=` `5` `y2 ``=` `3` `print``(numberPoints(N, M, x1, y1, x2, y2)) `\n\n## C#\n\n `// C# implementation of the above approach ` `using` `System; ` ` ` `class` `GFG ` `{ ` ` ` ` ``static` `int` `numberOfPoints(``int` `N, ``int` `M, ``int` `x1, ` ` ``int` `y1, ``int` `x2, ``int` `y2) ` ` ``{ ` ` ``int` `count = 0, i, j; ` ` ` ` ``// Traversing through rows. ` ` ``for` `(i = 1; i <= N; i++) ` ` ``{ ` ` ` ` ``// Traversing through columns. ` ` ``for` `(j = 1; j <= M; j++) ` ` ``{ ` ` ` ` ``// By using Manhattan Distance, distance between ` ` ``// current point to given two points is calculated ` ` ` ` ``// If distances are equal ` ` ``// the count is incremented by 1. ` ` ``if` `(Math.Abs(i - x1) + Math.Abs(j - y1) ` ` ``== Math.Abs(i - x2) + Math.Abs(j - y2)) ` ` ` ` ``count += 1; ` ` ``} ` ` ``} ` ` ``return` `count; ` ` ``} ` ` ` ` ``// Driver Code ` ` ``public` `static` `void` `Main() ` ` ``{ ` ` ``int` `n = 5; ` ` ``int` `m = 5; ` ` ``int` `x1 = 2; ` ` ``int` `y1 = 4; ` ` ``int` `x2 = 5; ` ` ``int` `y2 = 3; ` ` ` ` ``Console.WriteLine(numberOfPoints(n, m, x1, y1, x2, y2)); ` ` ``} ` `} ` ` ` `// This code is contributed by AnkitRai01 `\n\nOutput:\n\n```5\n```\n\nMy Personal Notes arrow_drop_up",
null,
"Check out this Author's contributed articles.\n\nIf you like GeeksforGeeks and would like to contribute, you can also write an article using contribute.geeksforgeeks.org or mail your article to contribute@geeksforgeeks.org. See your article appearing on the GeeksforGeeks main page and help other Geeks.\n\nPlease Improve this article if you find anything incorrect by clicking on the \"Improve Article\" button below.\n\nImproved By : AnkitRai01"
] | [
null,
"https://media.geeksforgeeks.org/auth/profile/e1natow07i33hptj5ewd",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.7400538,"math_prob":0.99466455,"size":5229,"snap":"2020-10-2020-16","text_gpt3_token_len":1649,"char_repetition_ratio":0.13397129,"word_repetition_ratio":0.27342257,"special_character_ratio":0.3289348,"punctuation_ratio":0.16313364,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99990237,"pos_list":[0,1,2],"im_url_duplicate_count":[null,7,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-02-23T02:24:22Z\",\"WARC-Record-ID\":\"<urn:uuid:42b23ca7-2d1b-4786-9ef2-1fcd2463cb2c>\",\"Content-Length\":\"165040\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:f3b977bd-3652-4276-b947-dfebae203902>\",\"WARC-Concurrent-To\":\"<urn:uuid:1c3b5c1b-fa4d-4ac5-a349-dc1171c5295b>\",\"WARC-IP-Address\":\"23.199.63.179\",\"WARC-Target-URI\":\"https://www.geeksforgeeks.org/number-of-cells-in-matrix-which-are-equidistant-from-given-two-points/\",\"WARC-Payload-Digest\":\"sha1:FZJDQG7PUULXSLZDRH6XFFY6XGPDKEUJ\",\"WARC-Block-Digest\":\"sha1:XDDIGQBXFDCNXKBHY5G3DNF7GYDOLRGO\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-10/CC-MAIN-2020-10_segments_1581875145742.20_warc_CC-MAIN-20200223001555-20200223031555-00554.warc.gz\"}"} |
https://community.wolfram.com/groups/-/m/t/2275431 | [
"# Machine learning based statistical arbitrage\n\nPosted 4 months ago\n1955 Views\n|\n|\n8 Total Likes\n|\n I have written extensively about statistical arbitrage strategies in other posts, for example: In this postI want to focus on applications of machine learning in stat arb and pairs trading, including genetic algorithms, deep neural networks and reinforcement learning.Pair SelectionLet's begin with the subject of pairs selection, to set the scene. The way this is typically handled is by looking at historical correlations and cointegration in a large universe of pairs. But there are serious issues with this approach, as described in this post: Instead I use a metric that I call the correlation signal, which I find to be a more reliable indicator of co-movement in the underlying asset processes. I wont delve into the details here, but you can get the gist from the following:",
null,
"The search algorithm considers pairs in the S&P 500 membership and ranks them in descending order of correlation information. Pairs with the highest values (typically of the order of 100, or greater) tend to be variants of the same underlying stock, such as GOOG vs GOOGL, which is an indication that the metric \"works\" (albeit that such pairs offer few opportunities at low frequency). The pair we are considering here has a correlation signal value of around 14, which is also very high indeed. Trading Strategy DevelopmentWe begin by collecting five years of returns series for the two stocks:",
null,
"The first approach we'll consider is the unadjusted spread, being the difference in returns between the two series, from which we crate a normalized spread \"price\", as follows.",
null,
"This methodology is frowned upon as the resultant spread is unlikely to be stationary, as you can see for this example in the above chart. But it does have one major advantage in terms of implementation: the same dollar value is invested in both long and short legs of the spread, making it the most efficient approach in terms of margin utilization and capital cost - other approaches entail incurring an imbalance in the dollar value of the two legs.But back to nonstationarity. The problem is that our spread price series looks like any other asset price process - it trends over long periods and tends to wander arbitrarily far from its starting point. This is NOT the outcome that most statistical arbitrageurs are looking to achieve. On the contrary, what they want to see is a stationary process that will tend to revert to its mean value whenever it moves too far in one direction.Still, this doesn't necessarily determine that this approach is without merit. Indeed, it is a very typical trading strategy amongst futures traders for example, who are often looking for just such behavior in their trend-following strategies. Their argument would be that futures spreads (which are often constructed like this) exhibit clearer, longer lasting and more durable trends than in the underlying futures contracts, with lower volatility and market risk, due to the offsetting positions in the two legs. The argument has merit, no doubt. That said, spreads of this kind can nonetheless be extremely volatile.So how do we trade such a spread? One idea is to add machine learning into the mix and build trading systems that will seek to capitalize on long term trends. We can do that in several ways, one of which is to apply genetic programming techniques to generate potential strategies that we can backtest and evaluate. For more detail on the methodology, see: I built an entire hedge fund using this approach in the early 2000's (when machine learning was entirely unknown to the general investing public). These days there are some excellent software applications for generating trading systems and I particularly like Mike Bryant's Adaptrade Builder, which was used to create the strategies shown below:",
null,
"Builder has no difficulty finding strategies that produce a smooth equity curve, with decent returns, low drawdowns and acceptable Sharpe Ratios and Profit Factors - at least in backtest! Of course, there is a way to go here in terms of evaluating such strategies and proving their robustness. But it's an excellent starting point for further R&D.But let's move on to consider the \"standard model\" for pairs trading. The way this works is that we consider a linear model of the form **Y(t) = beta * X(t) + e(t)** Where Y(t) is the returns series for stock 1, X(t) is the returns series in stock 2, e(t) is a stationary random error process and beta (is this model) is a constant that expresses the linear relationship between the two asset processes. The idea is that we can form a spread process that is stationary: **Y(t) - beta * X(t) = e(t)**",
null,
"In this case we estimate beta by linear regression to be 0.93. The residual spread process has a mean very close to zero, and the spread price process remains within a range, which means that we can buy it when it gets too low, or sell it when it becomes too high, in the expectation that it will revert to the mean:",
null,
"In this approach, \"buying the spread\" means purchasing shares to the value of, say, USD 1 million in stock 1, and selling beta * USD 1 Million of stock 2 (around \\$930,000). While there is a net dollar imbalance in the dollar value of the two legs, the margin impact tends to be very small indeed, while the overall portfolio is much more stable, as we have seen.The classical procedure is to buy the spread when the spread return falls 2 standard deviations below zero, and sell the spread when it exceeds 2 standard deviations to the upside. But that leaves a lot of unanswered questions, such as: After you buy the spread, when should you sell it? Should you use a profit target? Where should you set a stop-loss? Do you increase your position when you get repeated signals to go long (or short)? Should you use a single, or multiple entry/exit levels? And so on - there are a lot of strategy components to consider. Once again, we'll let genetic programming do the heavy lifting for us:",
null,
"What's interesting here is that the strategy selected by the Builder application makes use of the Bollinger Band indicator, one of the most common tools used for trading spreads, especially when stationary (although note that it prefers to use the Opening price, rather than the usual close price):",
null,
"Ok so far, but in fact I cheated! I used the entire data series to estimate the beta coefficient, which is effectively feeding forward-information into our model. In reality, the data comes at us one day at a time and we are required to re-estimate the beta every day. Let's approximate the real-life situation by re-estimating beta, one day at a time. I am using an expanding window to do this (i.e. using the entire data series up to each day t), but is also common to use a fixed window size to give a \"rolling\" estimate of beta in which the latest data plays a more prominent part in the estimation. The process now looks like this:",
null,
"Here we use OLS to produce a revised estimate of beta on each trading day. So our model now becomes: **Y(t) = beta(t) * X(t) + e(t)** i.e. beta is now time-varying, as can be seen from the chart above.The synthetic spread price appears to be stationary (we can test this), although perhaps not to the same degree as in the previous example, where we used the entire data series to estimate a single, constant beta. So we might anticipate that out ML algorithm would experience greater difficulty producing attractive trading models. But, not a bit of it - it turns out that we are able to produce systems that are just as high performing as before:",
null,
"In fact this strategy has higher returns, Sharpe Ratio, Sortino Ratio and lower drawdown than many of the earlier models.ConclusionThe purpose of this post was to show how we can combine the standard approach to statistical arbitrage, which is based on classical econometric theory, with modern machine learning algorithms, such as genetic programming. This frees us to consider a very much wider range of possible trade entry and exit strategies, beyond the rather simplistic approach adopted when pairs trading was first developed. We can deploy multiple trade entry levels and stop loss levels to manage risk, dynamically size the trade according to current market conditions and give emphasis to alternative performance characteristics such as maximum drawdown, or Sharpe or Sortino ratio, in addition to strategy profitability. The programatic nature of the strategies developed in the way also make them very amenable to optimization, Monte Carlo simulation and stress testing.This is but one way of adding machine learning methodologies to the mix. In a series of follow-up posts I will be looking at the role that other machine learning techniques - such as deep learning and reinforcement learning - can play in improving the performance characteristics of the classical statistical arbitrage strategy.",
null,
"Answer",
null,
"-- you have earned Featured Contributor Badge",
null,
"Your exceptional post has been selected for our editorial column Staff Picks http://wolfr.am/StaffPicks and Your Profile is now distinguished by a Featured Contributor Badge and is displayed on the Featured Contributor Board. Thank you!",
null,
"Answer"
] | [
null,
"https://community.wolfram.com//c/portal/getImageAttachment",
null,
"https://community.wolfram.com//c/portal/getImageAttachment",
null,
"https://community.wolfram.com//c/portal/getImageAttachment",
null,
"https://community.wolfram.com//c/portal/getImageAttachment",
null,
"https://community.wolfram.com//c/portal/getImageAttachment",
null,
"https://community.wolfram.com//c/portal/getImageAttachment",
null,
"https://community.wolfram.com//c/portal/getImageAttachment",
null,
"https://community.wolfram.com//c/portal/getImageAttachment",
null,
"https://community.wolfram.com//c/portal/getImageAttachment",
null,
"https://community.wolfram.com//c/portal/getImageAttachment",
null,
"https://community.wolfram.com/community-theme/images/common/checked.png",
null,
"https://community.wolfram.com//c/portal/getImageAttachment",
null,
"http://community.wolfram.com//c/portal/getImageAttachment",
null,
"https://community.wolfram.com/community-theme/images/common/checked.png",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9442566,"math_prob":0.83574766,"size":8839,"snap":"2021-31-2021-39","text_gpt3_token_len":1806,"char_repetition_ratio":0.10967742,"word_repetition_ratio":0.010603049,"special_character_ratio":0.20375608,"punctuation_ratio":0.08818236,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9540945,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23,24,25,26,27,28],"im_url_duplicate_count":[null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-09-18T11:36:15Z\",\"WARC-Record-ID\":\"<urn:uuid:f67cf6b1-b7ca-4516-a95e-2a70b9d3e3b4>\",\"Content-Length\":\"359031\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:2b333e03-cdf3-4907-b6ab-cb3731b7af07>\",\"WARC-Concurrent-To\":\"<urn:uuid:bbf8b7bf-cd96-4efc-90fa-2c0372394967>\",\"WARC-IP-Address\":\"140.177.204.58\",\"WARC-Target-URI\":\"https://community.wolfram.com/groups/-/m/t/2275431\",\"WARC-Payload-Digest\":\"sha1:2SNKCVWLSS3AYRPNUSZWBDI2S25XFHWV\",\"WARC-Block-Digest\":\"sha1:R7ZB43ZLSFP37GD2VGF4RK44U43GU7RT\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-39/CC-MAIN-2021-39_segments_1631780056392.79_warc_CC-MAIN-20210918093220-20210918123220-00271.warc.gz\"}"} |
https://www.coursehero.com/file/33923980/Equilibrium-problemspdf/ | [
"Equilibrium problems.pdf - Equilibrium Practice Problems IB 1 ChemistrySL\\/HL Writing Equilibrium Constant Expressions(Kc 1 Write the equilibrium\n\n# Equilibrium problems.pdf - Equilibrium Practice Problems IB...\n\n• 2\n\nThis preview shows page 1 - 2 out of 2 pages.\n\nEquilibrium Practice Problems IB 1 Chemistry—SL/HL Writing Equilibrium Constant Expressions (K c ): 1. Write the equilibrium constant expression for the following homogeneous reactions: a. 2H2O2(g) ÅÆ2H2O (g) + O2(g) b. CuCl42-(aq) ÅÆCu2+(aq) + Cl-(aq) c. CO (g) + H2O (g) ÅÆCO2(g) + H2(g) Extent of Reaction and Kc:2. Discuss the extent of reaction with regards to the value of Kcfor the following reactions: a. 3H2(g) + N2(g) ÅÆ2NH3(g) Kc= 1.7 x 10b. 2NO2(g) ÅÆN2O4(g) Kc= 170 c. 2NO (g) + O2(g) ÅÆ2NO2(g) Kc= 1.20 d. COBr2(g) ÅÆCO (g) + Br2(g) Kc= 0.190 -4 Prediction of Equilibrium Change (Le Chatelier’s Principle): 3. Predict the direction of the equilibrium shift when the following changes are made to this reaction at equilibrium: 2NOBr (g) ÅÆ2NO (g) + Br2(g) Kc= 0.16 H = -344 kJ a. Addition of more Brb. Removal of some NOBr c. Increase in the container volume (at constant temperature) d. Decrease in temperature 4. Consider the system: SO3(g) ÅÆSO2(g) + ½ O2(g) H = + 98.9 kJ How will the yieldof sulphur dioxide be affected by the following changes? 2 a.",
null,
"",
null,
"•",
null,
"•",
null,
"•",
null,
""
] | [
null,
"https://www.coursehero.com/doc-asset/bg/2ac3bb33a8b24c31e30d7b9bdfc81365356b7cc3/splits/v9.2.qiv2/split-0-page-1-html-bg.jpg",
null,
"data:image/gif;base64,R0lGODlhAQABAAAAACH5BAEKAAEALAAAAAABAAEAAAICTAEAOw==",
null,
"https://www.coursehero.com/assets/img/doc-landing/start-quote.svg",
null,
"https://www.coursehero.com/assets/img/doc-landing/start-quote.svg",
null,
"https://www.coursehero.com/assets/img/doc-landing/start-quote.svg",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.6298989,"math_prob":0.9809495,"size":1064,"snap":"2021-04-2021-17","text_gpt3_token_len":397,"char_repetition_ratio":0.16509435,"word_repetition_ratio":0.0,"special_character_ratio":0.33364663,"punctuation_ratio":0.12946428,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9946735,"pos_list":[0,1,2,3,4,5,6,7,8,9,10],"im_url_duplicate_count":[null,1,null,null,null,null,null,null,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-04-17T10:30:44Z\",\"WARC-Record-ID\":\"<urn:uuid:5cb476e7-379b-448b-8277-21a6a4e830e0>\",\"Content-Length\":\"757750\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:9c4e95df-aa88-4013-b336-9d952f434efb>\",\"WARC-Concurrent-To\":\"<urn:uuid:56f49625-f39b-44af-a3e0-2bb35854bf50>\",\"WARC-IP-Address\":\"104.17.93.47\",\"WARC-Target-URI\":\"https://www.coursehero.com/file/33923980/Equilibrium-problemspdf/\",\"WARC-Payload-Digest\":\"sha1:W3AKEZWUSF762GTGBKKH7OJZFBQ63H42\",\"WARC-Block-Digest\":\"sha1:LUTSJU5QGPUIV4U2QA4RQSXIFSPRFPQT\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-17/CC-MAIN-2021-17_segments_1618038119532.50_warc_CC-MAIN-20210417102129-20210417132129-00239.warc.gz\"}"} |
https://www.tensorflow.org/versions/r2.0/api_docs/python/tf/math/zeta?hl=nb-NO | [
"# tf.math.zeta\n\nCompute the Hurwitz zeta function $$\\zeta(x, q)$$.\n\nThe Hurwitz zeta function is defined as:\n\n$$\\zeta(x, q) = \\sum_{n=0}^{\\infty} (q + n)^{-x}$$\n\nx A Tensor. Must be one of the following types: float32, float64.\nq A Tensor. Must have the same type as x.\nname A name for the operation (optional).\n\nA Tensor. Has the same type as x.\n\n[{ \"type\": \"thumb-down\", \"id\": \"missingTheInformationINeed\", \"label\":\"Missing the information I need\" },{ \"type\": \"thumb-down\", \"id\": \"tooComplicatedTooManySteps\", \"label\":\"Too complicated / too many steps\" },{ \"type\": \"thumb-down\", \"id\": \"outOfDate\", \"label\":\"Out of date\" },{ \"type\": \"thumb-down\", \"id\": \"samplesCodeIssue\", \"label\":\"Samples / code issue\" },{ \"type\": \"thumb-down\", \"id\": \"otherDown\", \"label\":\"Other\" }]\n[{ \"type\": \"thumb-up\", \"id\": \"easyToUnderstand\", \"label\":\"Easy to understand\" },{ \"type\": \"thumb-up\", \"id\": \"solvedMyProblem\", \"label\":\"Solved my problem\" },{ \"type\": \"thumb-up\", \"id\": \"otherUp\", \"label\":\"Other\" }]"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.6443789,"math_prob":0.9497638,"size":413,"snap":"2021-43-2021-49","text_gpt3_token_len":147,"char_repetition_ratio":0.12469438,"word_repetition_ratio":0.103896104,"special_character_ratio":0.3559322,"punctuation_ratio":0.18681319,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.95645297,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-10-25T08:37:15Z\",\"WARC-Record-ID\":\"<urn:uuid:8fc79dc5-092c-49db-99c3-3e034cd6a31d>\",\"Content-Length\":\"719407\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:8ffa1856-b092-48fe-a0e6-ca0b0f2d9615>\",\"WARC-Concurrent-To\":\"<urn:uuid:cb84f361-cb62-4abe-a68f-1f28aca67fbd>\",\"WARC-IP-Address\":\"172.217.1.206\",\"WARC-Target-URI\":\"https://www.tensorflow.org/versions/r2.0/api_docs/python/tf/math/zeta?hl=nb-NO\",\"WARC-Payload-Digest\":\"sha1:H74MZYZOXXZNHBHNCBNNMVTHDK2DYJHJ\",\"WARC-Block-Digest\":\"sha1:EGND6TNJEUF2VX645ESANHXMWZ7Z7JS6\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-43/CC-MAIN-2021-43_segments_1634323587655.10_warc_CC-MAIN-20211025061300-20211025091300-00582.warc.gz\"}"} |
https://www.kseebsolutions.com/kseeb-solutions-for-class-7-science-chapter-13/ | [
"# KSEEB Solutions for Class 7 Science Chapter 13 Motion and Time\n\nStudents can Download Chapter 12 Reproduction in Plants Questions and Answers, Notes Pdf, KSEEB Solutions for Class 7 Science, Karnataka State Board Solutions help you to revise complete Syllabus and score more marks in your examinations.\n\n## Karnataka State Syllabus Class 7 Science Chapter 13 Motion and Time\n\n### Class 7 Science Motion and Time NCERT Textbook Questions and Answers\n\nQuestion 1.\nClassify the following as motion along a straight line, circular or oscillatory motion:\n(i) Motion of your hands while running.\nOscillatory motion.\n\n(ii) Motion of a horse pulling a cart on a straight road.\nStraight line motion.\n\n(iii) Motion of a child in a merry-go-round.\nCircular motion.\n\n(iv) Motion of a child on a see-saw.\nOscillatory motion.\n\n(v) Motion of the hammer of an electric bell.\nOscillatory motion.\n\n(vi) The motion of a train on a straight bridge.\nStraight-line motion.\n\nQuestion 2.\nWhich of the following are not correct?\n(i) The basic unit of time is second.\nCorrect.\n(ii) Every object moves at a constant speed.\nNot Correct.\n\n(iii) Distances between the two cities are measured in kilometres.\nCorrect.\n\n(iv) The time period of a given pendulum is not constant.\nNot Correct.\n\n(v) The speed of a train is expressed in m/h.\nNot Correct.\n\nQuestion 3.\nA simple pendulum takes 32s to complete 20 oscillations. What is the time period of the pendulum?\nGiven\nNumber of Oscillations = 20\nTotal time taken to complete 20 oscillations = 32s.",
null,
"Question 4.\nThe distance between two stations is 240 km. A train takes 4 hours to cover this distance. Calculate the speed of the train.\nGiven,\ndistance between the two stations = 240 km\nTime taken = 4h",
null,
"Question 5.\nThe odometer of a car reads 57321.0 km when the clock shows the time at 08 : 30 AM. What is the distance moved by car, if at 08:50 AM, the odometer reading has changed to 57336.0 km? Calculate the speed of the car in km/min during this time. Express the speed in km/h also.\nGiven,\nThe initial reading of the odometer of the car = 57321.0 km.\nThe final reading of the odometer of the car = 57336.0 km\nDistance covered by the car = Final reading initial reading\n= 57336.0 – 5 7321.0 = 15 km\nThe given car starts at 8 : 30 a.m. and stops at 8 : 50 a.m.\nTherefore, the time taken by the car to cover the distance is (8 : 50 – 8 : 30) min = 20 min.\ni. e., distance = 15 km.\nTime taken = 20 min\nspeed in km/min",
null,
"Question 6.\nSalina takes 15 minutes from her house to reach her school on a bicycle. If the bicycle has a speed of 2 m/s, calculate the distance between her house\nTime taken by Salma to reach her school from her home = 15 min = 15 × 60 = 900s\nSpeed of her bicycle = 2m s",
null,
"Question 7.\nShow the shape of the distance-time graph for die motion in the following cases:\n(i) A car moving at a constant speed.",
null,
"(ii) A car parked on a side road.",
null,
"Question 8.\nWhich of dying following relations is correct?",
null,
"Question 9.\nThe basic unit of speed is:\n(i) km/min\n(ii) m/min\n(iii) km/h\n(iv) m/s\n(iv) m/s\n\nQuestion 10.\nA car moves with a speed of 40 km/h for 15 minutes and then with a speed of 60 km/h for the next 15 minutes. The total distance covered by the car is:\n(i) 100 km\n(ii) 25 km\n(iii) 15 km\n(iv) 10 km\nSolution:\n(ii) 25 km\nCase I:\nspeed = 40 km / h\ntime = 15 min = 16/60 hour\nDistance = speed × Time\n$$=40 \\mathrm{x} \\frac{15}{60}$$\n= 10 km,\nspeed = 60 km/h\nTime = 15 min = 15/60 hour\ndistance = speed × Time\n$$=60 \\times \\frac{15}{60}$$\n= 15 km\nTotal distance = 10 km +15 km\n= 25 km\n\nQuestion 11.\nSuppose the two photographs, shown in Fig. 13.1 and Fig. 13.2, had been taken at an interval of 10 seconds. If a distance of 100 meters is shown by 1 cm in these photographs, calculate the speed of the blue car.\nFrom figures 13.1 and 13.2 we conclude that the distance covered by the blue car is 2 cm.\nSo, the distance covered = 2 × 100 m = 200m\nTime Taken = 10 seconds",
null,
"Question 12.\nFig. 13.15 shows the distance-time graph for the motion of two vehicles A and B. Which one of them is moving faster?\nVehicle A is moving faster than the vehicle\nSpeed is given by the relation.",
null,
"",
null,
"This relation shows that the speed of a vehicle is greater if it covers a greater distances in a given interval of time. To compare the distance, draw a line perpendicular to the time – axis, as shown in the following distance-time graph.",
null,
"From the graph, it is evident that for a given time t1, the distance covered by vehicle A is greater than that covered by vehicle B. Hence, vehicle A is moving faster than vehicle B.\n\nQuestion 13.\nWhich of the following distance-time graphs shows a truck moving with a speed which is not constant?",
null,
"### Class 7 Science Motion and Time Additional Important Questions and Answers\n\nQuestion 1.\nWhat is motion? How many types of motion? Name them.\nThe object or a person transfer from one place to another is known as motion. There are 3 types of motion.\nThey are\n\n1. motion along a straight line\n2. Circular and\n3. periodic\n\nQuestion 2.\nDefine speed, what is the unit of speed?\nThe distance covered by an object in unit time is known as speed.",
null,
"The unit of speed is meter/second.\n\nQuestion 3.\nHow do you measure the time?\nTime is measured by using the oscillatory motions of the pendulum. The clocks and watches are measures the time.\n\nQuestion 4.\nDefine the time period?\nThe time taken by the pendulum to complete one oscillation is called its time period\n\nQuestion 5.\nHow do you write the symbols?\nThe symbols of all units are written in the singular.\nFor eg: 60 km not 40 kms.\n\nQuestion 6.\nName the devices used before the pendulum clocks.\nSundial, water clocks, Sand clocks are some examples of devices used to measure the time in olden times.\nDifferent designs of these devices were developed in different parts of the world.\n\nQuestion 7.\nWhat are the uses of the distance-time graph?\nThe uses of distance-time graphs are :\n\n1. The nature of motion is given at a glance.\n2. The relative motion at various intervals can\n3. The region of acceleration or retardation can be estimated without any calculation.\n4. The distance of the moving body at any time unit can be calculated.\n\nQuestion 8.\nDefine speedometer and odometer.\nA speedometer is a device in vehicles it records the speed of the vehicle directly in kilometer/hour. An odometer that measures the distance travelled (moved) by the vehicle.\n\nQuestion 9.\nDefine uniform and non – uniform motion.\nIf the speed of an object moving along a straight line keeps changing, its motion is called non – uniform. An object moving along a straight line with a constant speed is said to be\nin uniform motion.\n\nQuestion 10.\nDefine a simple pendulum, with a neat diagram.",
null,
""
] | [
null,
"https://i1.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-1.png",
null,
"https://i1.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-6.png",
null,
"https://i2.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-10.png",
null,
"https://i1.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-11.png",
null,
"https://i0.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-12.png",
null,
"https://i1.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-13.png",
null,
"https://i2.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-14.png",
null,
"https://i0.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-20.png",
null,
"https://i1.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-21.png",
null,
"https://i2.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-22.png",
null,
"https://i0.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-23.png",
null,
"https://i1.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-24.png",
null,
"https://i1.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-25.png",
null,
"https://i0.wp.com/www.kseebsolutions.com/wp-content/uploads/2020/10/KSEEB-Solutions-for-Class-7-Science-Chapter-13-Motion-and-Time-26.png",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9064594,"math_prob":0.98997724,"size":7202,"snap":"2022-40-2023-06","text_gpt3_token_len":1838,"char_repetition_ratio":0.1662962,"word_repetition_ratio":0.016641453,"special_character_ratio":0.26450986,"punctuation_ratio":0.13289474,"nsfw_num_words":1,"has_unicode_error":false,"math_prob_llama3":0.9975787,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23,24,25,26,27,28],"im_url_duplicate_count":[null,3,null,3,null,3,null,3,null,3,null,3,null,3,null,3,null,3,null,3,null,3,null,3,null,3,null,3,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-09-29T17:59:46Z\",\"WARC-Record-ID\":\"<urn:uuid:2a3c5099-49a3-4683-a170-bb3d9ae9eb8e>\",\"Content-Length\":\"70340\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:114ab61f-b3b2-45e3-b6fd-17d2b5e4fd44>\",\"WARC-Concurrent-To\":\"<urn:uuid:0c9c9fdb-5022-4a76-bc0d-c3009514f91c>\",\"WARC-IP-Address\":\"104.26.1.237\",\"WARC-Target-URI\":\"https://www.kseebsolutions.com/kseeb-solutions-for-class-7-science-chapter-13/\",\"WARC-Payload-Digest\":\"sha1:2LHH3ZAGWR25N6RMRBEXFMKSSWNBZXB3\",\"WARC-Block-Digest\":\"sha1:NO37BQYP2EFI6DIRBUATZPUW2X7QZ5TN\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-40/CC-MAIN-2022-40_segments_1664030335362.18_warc_CC-MAIN-20220929163117-20220929193117-00762.warc.gz\"}"} |
https://artint.info/2e/html/ArtInt2e.Ch10.S4.html | [
"# 10.4 Bayesian Learning\n\nRather than choosing the most likely model or delineating the set of all models that are consistent with the training data, another approach is to compute the posterior probability of each model given the training examples.\n\nThe idea of Bayesian learning is to compute the posterior probability distribution of the target features of a new example conditioned on its input features and all the training examples.\n\nSuppose a new case has inputs $X{=}x$ (which we write simply as $x$) and target features $Y$. The aim is to compute $P(Y\\mid x\\wedge E)$, where $E$ is the set of training examples. This is the probability distribution of the target variables given the particular inputs and the examples. The role of a model is to be the assumed generator of the examples. If we let $M$ be a set of disjoint and covering models, then reasoning by cases and the chain rule give\n\n $\\displaystyle P(Y\\mid x\\wedge E)$ $\\displaystyle\\mbox{}=\\sum_{m\\in M}P(Y\\wedge m\\mid x\\wedge E)$ $\\displaystyle\\mbox{}=\\sum_{m\\in M}P(Y\\mid m\\wedge x\\wedge E)*P(m\\mid x\\wedge E)$ $\\displaystyle\\mbox{}=\\sum_{m\\in M}P(Y\\mid m\\wedge x)*P(m\\mid E)~{}.$\n\nThe first two equalities follow from the definition of conditional probability. The last equality relies on two assumptions: the model includes all the information about the examples that is necessary for a particular prediction, $P(Y\\mid m\\wedge x\\wedge E)=P(Y\\mid m\\wedge x)$, and the model does not change depending on the inputs of the new example, $P(m\\mid x\\wedge E)=P(m\\mid E)$. Instead of choosing the best model, Bayesian learning relies on model averaging, averaging over the predictions of all the models, where each model is weighted by its posterior probability given the training examples.\n\n$P(m\\mid E)$ can be computed using Bayes’ rule:\n\n $P(m\\mid E)=\\frac{P(E\\mid m)*P(m)}{P(E)}~{}.$\n\nThus, the weight of each model depends on how well it predicts the data (the likelihood) and its prior probability. The denominator, $P(E)$, is a normalizing constant to make sure the posterior probabilities of the models sum to 1. $P(E)$ is called the partition function. Computing $P(E)$ may be very difficult when there are many models.\n\nA set $\\{e_{1},\\dots,e_{k}\\}$ of examples are independent and identically distributed (i.i.d.), given model $m$ if examples $e_{i}$ and $e_{j}$, for $i\\neq j$, are independent given $m$. If the set of training examples $E$ is $\\{e_{1},\\dots,e_{k}\\}$, the assumption that the examples are i.i.d. implies\n\n $P(E\\mid m)=\\prod_{i=1}^{k}P(e_{i}\\mid m)~{}.$\n\nThe i.i.d. assumption can be represented as a belief network, shown in Figure 10.10, where each of the $e_{i}$ are independent given model $m$.\n\nIf $m$ is made into a discrete variable, any of the inference methods of the previous chapter could be used for inference in this network. A standard reasoning technique in such a network is to condition on every observed $e_{i}$ and to query the model variable or an unobserved $e_{i}$ variable.\n\nThe set of models may include structurally different models in addition to models that differ in the values of the parameters. One of the techniques of Bayesian learning is to make the parameters of the model explicit and to determine the distribution over the parameters.\n\n###### Example 10.14.\n\nConsider the simplest learning task of learning a single Boolean random variable, $Y$, with no input features. (This is the case covered in Section 7.2.3.) Each example specifies $Y=true$ or $Y=false$. The aim is to learn the probability distribution of $Y$ given the set of training examples.\n\nThere is a single parameter, $\\phi$, that determines the set of all models. Suppose that $\\phi$ represents the probability of $Y{=}true$. We treat $\\phi$ as a real-valued random variable on the interval $[0,1]$. Thus, by definition of $\\phi$, $P(Y=true\\mid\\phi)=\\phi$ and $P(Y=false\\mid\\phi)=1-\\phi$.\n\nSuppose, first, an agent has no prior information about the probability of Boolean variable $Y$ and no knowledge beyond the training examples. This ignorance can be modeled by having the prior probability distribution of the variable $\\phi$ as a uniform distribution over the interval $[0,1]$. This is the probability density function labeled $n_{0}{=}0,n_{1}{=}0$ in Figure 10.11.\n\nWe can update the probability distribution of $\\phi$ given some examples. Assume that the examples, obtained by running a number of independent experiments, are a particular sequence of outcomes that consists of $n_{0}$ cases where $Y$ is false and $n_{1}$ cases where $Y$ is true.\n\nThe posterior distribution for $\\phi$ given the training examples can be derived by Bayes’ rule. Let the examples $E$ be the particular sequence of observations that resulted in $n_{1}$ occurrences of $Y{=}true$ and $n_{0}$ occurrences of $Y{=}false$. Bayes’ rule gives us\n\n $P(\\phi\\mid E)=\\frac{P(E\\mid\\phi)*P(\\phi)}{P(E)}~{}.$\n\nThe denominator is a normalizing constant to make sure the area under the curve is 1.\n\nGiven that the examples are i.i.d.,\n\n $P(E\\mid\\phi)=\\phi^{n_{1}}*(1-\\phi)^{n_{0}}$\n\nbecause there are $n_{0}$ cases where $Y{=}false$, each with a probability of $1-\\phi$, and $n_{1}$ cases where $Y{=}true$, each with a probability of $\\phi$.\n\nNote that $E$ is the particular sequence of observations made. If the observation was just that there were a total of $n_{0}$ occurrences of $Y=false$ and $n_{1}$ occurrences of $Y=true$, we would get an different answer, because we would have to take into account all the possible sequences that could have given this count. The latter is known as the binomial distribution.\n\nOne possible prior probability, $P(\\phi)$, is a uniform distribution on the interval $[0,1]$. This would be reasonable when the agent has no prior information about the probability.\n\nFigure 10.11 gives some posterior distributions of the variable $\\phi$ based on different sample sizes, and given a uniform prior. The cases are $(n_{0}{\\,{=}\\,}1,n_{1}{\\,{=}\\,}2)$, $(n_{0}{\\,{=}\\,}2,n_{1}{\\,{=}\\,}4)$, and $(n_{0}{\\,{=}\\,}4,n_{1}{\\,{=}\\,}8)$. Each of these peak at the same place, namely at $\\frac{2}{3}$. More training examples make the curve sharper.\n\nThe distribution of this example is known as the beta distribution; it is parameterized by two counts, $\\alpha_{0}$ and $\\alpha_{1}$, and a probability $p$. Traditionally, the $\\alpha_{i}$ parameters for the beta distribution are one more than the counts; thus, $\\alpha_{i}=n_{i}+1$. The beta distribution is\n\n $Beta^{\\alpha_{0},\\alpha_{1}}(p)=\\frac{1}{Z}p^{\\alpha_{1}-1}*(1-p)^{\\alpha_{0}-1}$\n\nwhere $Z$ is a normalizing constant that ensures the integral over all values is 1. Thus, the uniform distribution on $[0,1]$ is the beta distribution $Beta^{1,1}$.\n\nSuppose instead that $Y$ is a discrete variable with $k$ different values. The generalization of the beta distribution to cover this case is known as the Dirichlet distribution. The Dirichlet distribution with two sorts of parameters, the “counts” $\\alpha_{1},\\dots,\\alpha_{k}$, and the probability parameters $p_{1},\\dots,p_{k}$, is\n\n $Dirichlet^{\\alpha_{1},\\dots,\\alpha_{k}}(p_{1},\\dots,p_{k})=\\frac{1}{Z}\\prod_{j% =1}^{k}p_{j}^{\\alpha_{j}-1}$\n\nwhere $p_{i}$ is the probability of the $i$th outcome (and so $0\\leq p_{i}\\leq 1$) and $\\alpha_{i}$ is a non-negative real and $Z$ is a normalizing constant that ensures the integral over all the probability values is 1. We can think of $a_{i}$ as one more than the count of the $i$th outcome, $\\alpha_{i}=n_{i}+1$. The Dirichlet distribution looks like Figure 10.11 along each dimension (i.e., as each $p_{j}$ varies between 0 and 1).\n\nFor many cases, averaging over all models weighted by their posterior distribution is difficult, because the models may be complicated (e.g., if they are decision trees or even belief networks). For the Dirichlet distribution, the expected value for outcome $i$ (averaging over all $p_{j}$) is\n\n $\\frac{\\alpha_{i}}{\\sum_{j}\\alpha_{j}}~{}.$\n\nThe reason that the $\\alpha_{i}$ parameters are one more than the counts in the definitions of the beta and Dirichlet distributions is to make this formula simple. This fraction is well defined only when the $\\alpha_{j}$ are all non-negative and not all are zero.\n\n###### Example 10.15.\n\nConsider Example 10.14, which determines the value of $\\phi$ based on a sequence of observations made up of $n_{0}$ cases where $Y$ is false and $n_{1}$ cases where $Y$ is true. Consider the posterior distribution as shown in Figure 10.11. What is interesting about this is that, whereas the most likely posterior value of $\\phi$ is $\\frac{n_{1}}{n_{0}+n_{1}}$, the expected value of this distribution is $\\frac{n_{1}+1}{n_{0}+n_{1}+2}$.\n\nThus, the expected value of the $n_{0}{=}1,n_{1}{=}2$ curve is $\\frac{3}{5}$, for the $n_{0}{=}2,n_{1}{=}4$ case the expected value is $\\frac{5}{8}$, and for the $n_{0}{=}4,n_{1}{=}8$ case it is $\\frac{9}{14}$. As the learner gets more training examples, this value approaches $\\frac{n}{m}$.\n\nThis estimate is better than $\\frac{n}{m}$ for a number of reasons. First, it tells us what to do if the learning agent has no examples: use the uniform prior of $\\frac{1}{2}$. This is the expected value of the $n{=}0,m{=}0$ case. Second, consider the case where $n{=}0$ and $m{=}3$. The agent should not use $P(y){=}0$, because this says that $Y$ is impossible, and it certainly does not have evidence for this! The expected value of this curve with a uniform prior is $\\frac{1}{5}$.\n\nAn agent does not have to start with a uniform prior; it could start with any prior distribution. If the agent starts with a prior that is a Dirichlet distribution, its posterior will be a Dirichlet distribution. The posterior distribution can be obtained by adding the observed counts to the $\\alpha_{i}$ parameters of the prior distribution.\n\nThus, the beta and Dirichlet distributions provide a justification for using pseudocounts for estimating probabilities. The pseudocount represents the prior knowledge. A flat prior gives a pseudocount of 1. Thus, Laplace smoothing can be justified in terms of making predictions from initial ignorance.\n\nIn addition to using the posterior distribution of $\\phi$ to derive the expected value, we can use it to answer other questions such as: What is the probability that the posterior probability, $\\phi$, is in the range $[a,b]$? In other words, derive $P((\\phi\\geq a\\wedge\\phi\\leq b)\\mid e)$. This is the problem that the Reverend Thomas Bayes solved more than 250 years ago [Bayes, 1763]. The solution he gave – although in much more cumbersome notation – was\n\n $\\frac{\\int_{a}^{b}p^{n}*(1-p)^{m-n}}{\\int_{0}^{1}p^{n}*(1-p)^{m-n}}~{}.$\n\nThis kind of knowledge is used in surveys when it may be reported that a survey is correct with an error of at most $5\\%$, $19$ times out of $20$. It is also the same type of information that is used by probably approximately correct (PAC) learning, which guarantees an error at most $\\epsilon$ at least $1-\\delta$ of the time. If an agent chooses the midpoint of the range $[a,b]$, namely $\\frac{a+b}{2}$, as its hypothesis, it will have error less than or equal to $\\frac{b-a}{2}$, just when the hypothesis is in $[a,b]$. The value $1-\\delta$ corresponds to $P(\\phi\\geq a\\wedge\\phi\\leq b\\mid e)$. If $\\epsilon=\\frac{b-a}{2}$ and $\\delta=1-P(\\phi\\geq a\\wedge\\phi\\leq b\\mid e)$, choosing the midpoint will result in an error at most $\\epsilon$ in $1-\\delta$ of the time. PAC learning gives worst-case results, whereas Bayesian learning gives the expected number. Typically, the Bayesian estimate is more accurate, but the PAC results give a guarantee of a bound on the error. The sample complexity, the number of samples required to obtain some given accuracy, for Bayesian learning is typically much less than that of PAC learning – many fewer examples are required to expect to achieve the desired accuracy than are needed to guarantee the desired accuracy."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.9323044,"math_prob":0.9998419,"size":9448,"snap":"2020-34-2020-40","text_gpt3_token_len":1868,"char_repetition_ratio":0.1680432,"word_repetition_ratio":0.043263286,"special_character_ratio":0.20078324,"punctuation_ratio":0.11385306,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9999943,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-09-25T03:40:56Z\",\"WARC-Record-ID\":\"<urn:uuid:48f22b08-fcb3-48b2-9d3c-68db32d84d21>\",\"Content-Length\":\"75829\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:b383f3c0-9cff-4f40-a6e7-909155d850a3>\",\"WARC-Concurrent-To\":\"<urn:uuid:6256b1f5-d9bc-4586-88d1-d6020e2d00a3>\",\"WARC-IP-Address\":\"142.103.6.162\",\"WARC-Target-URI\":\"https://artint.info/2e/html/ArtInt2e.Ch10.S4.html\",\"WARC-Payload-Digest\":\"sha1:XA34OU3NVX3GYYGKXCRNZSHJZYW2S675\",\"WARC-Block-Digest\":\"sha1:7PKN6X567BG6GPOVCYEJRGQJW6UUBDGC\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-40/CC-MAIN-2020-40_segments_1600400221980.49_warc_CC-MAIN-20200925021647-20200925051647-00390.warc.gz\"}"} |
https://www.varsitytutors.com/hotmath/hotmath_help/topics/trigonometric-ratios.html | [
"# Trigonometric Ratios\n\n\"Trigon\" is Greek for triangle , and \"metric\" is Greek for measurement. The trigonometric ratios are special measurements of a right triangle (a triangle with one angle measuring $90°$ ). Remember that the two sides of a right triangle which form the right angle are called the legs , and the third side (opposite the right angle) is called the hypotenuse .\n\nThere are three basic trigonometric ratios: sine , cosine , and tangent . Given a right triangle, you can find the sine (or cosine, or tangent) of either of the non- $90°$ angles.\n\nExample:\n\nWrite expressions for the sine, cosine, and tangent of $\\angle A$ .",
null,
"The length of the leg opposite $\\angle A$ is $a$ . The length of the leg adjacent to $\\angle A$ is $b$ , and the length of the hypotenuse is $c$ .\n\nThe sine of the angle is given by the ratio \"opposite over hypotenuse.\" So,\n\n$\\mathrm{sin}\\angle A=\\frac{a}{c}$\n\nThe cosine is given by the ratio \"adjacent over hypotenuse.\"\n\n$\\mathrm{cos}\\angle A=\\frac{b}{c}$\n\nThe tangent is given by the ratio \"opposite over adjacent.\"\n\n$\\mathrm{tan}\\angle A=\\frac{a}{b}$\n\nGenerations of students have used the mnemonic \" SOHCAHTOA \" to remember which ratio is which. ( S ine: O pposite over H ypotenuse, C osine: A djacent over H ypotenuse, T angent: O pposite over A djacent.)\n\n## Other Trigonometric Ratios\n\nThe other common trigonometric ratios are:\n\nExample:\n\nWrite expressions for the secant, cosecant, and cotangent of $\\angle A$ .",
null,
"The length of the leg opposite $\\angle A$ is $a$ . The length of the leg adjacent to $\\angle A$ is $b$ , and the length of the hypotenuse is $c$ .\n\nThe secant of the angle is given by the ratio \"hypotenuse over adjacent\". So,\n\n$\\mathrm{sec}\\angle A=\\frac{c}{b}$\n\nThe cosecant is given by the ratio \"hypotenuse over opposite\".\n\n$\\mathrm{csc}\\angle A=\\frac{c}{a}$\n\nThe cotangent is given by the ratio \"adjacent over opposite\".\n\n$\\mathrm{cot}\\angle A=\\frac{b}{a}$"
] | [
null,
"https://www.varsitytutors.com/assets/vt-hotmath-legacy/images/gt/lessons/genericalg1/right_triangle.gif",
null,
"https://www.varsitytutors.com/assets/vt-hotmath-legacy/images/gt/lessons/genericalg1/right_triangle.gif",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8913116,"math_prob":0.999048,"size":1585,"snap":"2022-27-2022-33","text_gpt3_token_len":381,"char_repetition_ratio":0.16192283,"word_repetition_ratio":0.26714802,"special_character_ratio":0.22018927,"punctuation_ratio":0.13770492,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9999988,"pos_list":[0,1,2,3,4],"im_url_duplicate_count":[null,8,null,8,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-06-26T08:11:20Z\",\"WARC-Record-ID\":\"<urn:uuid:4a2388a5-17ce-4e41-8032-520de67db119>\",\"Content-Length\":\"86179\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:d157903a-3659-413c-a814-b7eaee48af22>\",\"WARC-Concurrent-To\":\"<urn:uuid:75fc12d4-2cbf-4eaf-b3e9-15a4fc9d8891>\",\"WARC-IP-Address\":\"13.32.151.129\",\"WARC-Target-URI\":\"https://www.varsitytutors.com/hotmath/hotmath_help/topics/trigonometric-ratios.html\",\"WARC-Payload-Digest\":\"sha1:GNUCRFU2L3Y6NXIAO56A7UPEUKKXCPKC\",\"WARC-Block-Digest\":\"sha1:N6PNV7XYABME4HWCQRNISULUMO2HSUIR\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-27/CC-MAIN-2022-27_segments_1656103037649.11_warc_CC-MAIN-20220626071255-20220626101255-00547.warc.gz\"}"} |
https://kr.mathworks.com/help/signal/ref/splitlabels.html | [
"splitlabels\n\nFind indices to split labels according to specified proportions\n\nDescription\n\nUse this function when you are working on a machine or deep learning classification problem and you want to split a dataset into training, testing, and validation sets that hold the same proportion of label values.\n\nexample\n\nidxs = splitlabels(lblsrc,p) finds logical indices that split the labels in lblsrc based on the proportions or number of labels specified in p.\n\nexample\n\nidxs = splitlabels(lblsrc,p,'randomized') randomly assigns the specified proportion of label values to each index set in idxs.\n\nexample\n\nidxs = splitlabels(___,Name,Value) specifies additional input arguments using name-value pairs. For example, 'UnderlyingDatastoreIndex',3 splits the labels only in the third underlying datastore of a combined datastore.\n\nExamples\n\ncollapse all\n\nRead William Shakespeare's sonnets with the fileread function. Extract all the vowels from the text and convert them to lowercase.\n\nvowels = lower(sonnets(regexp(sonnets,\"[AEIOUaeiou]\")))';\n\nCount the number of instances of each vowel.\n\ncnts = countlabels(vowels)\ncnts=5×3 table\nLabel Count Percent\n_____ _____ _______\n\na 4940 18.368\ne 9028 33.569\ni 4895 18.201\no 5710 21.232\nu 2321 8.6302\n\nSplit the vowels into a training set containing 500 instances of each vowel, a validation set containing 300, and a testing set with the rest. All vowels are represented with equal weights in the first two sets but not in the third.\n\nspltn = splitlabels(vowels,[500 300]);\n\nfor kj = 1:length(spltn)\ncntsn{kj} = countlabels(vowels(spltn{kj}));\nend\ncntsn{:}\nans=5×3 table\nLabel Count Percent\n_____ _____ _______\n\na 500 20\ne 500 20\ni 500 20\no 500 20\nu 500 20\n\nans=5×3 table\nLabel Count Percent\n_____ _____ _______\n\na 300 20\ne 300 20\ni 300 20\no 300 20\nu 300 20\n\nans=5×3 table\nLabel Count Percent\n_____ _____ _______\n\na 4140 18.083\ne 8228 35.94\ni 4095 17.887\no 4910 21.447\nu 1521 6.6437\n\nSplit the vowels into a training set containing 50% of the instances, a validation set containing another 30%, and a testing set with the rest. All vowels are represented with the same weight across all three sets.\n\nspltp = splitlabels(vowels,[0.5 0.3]);\n\nfor kj = 1:length(spltp)\ncntsp{kj} = countlabels(vowels(spltp{kj}));\nend\ncntsp{:}\nans=5×3 table\nLabel Count Percent\n_____ _____ _______\n\na 2470 18.367\ne 4514 33.566\ni 2448 18.203\no 2855 21.23\nu 1161 8.6333\n\nans=5×3 table\nLabel Count Percent\n_____ _____ _______\n\na 1482 18.371\ne 2708 33.569\ni 1468 18.198\no 1713 21.235\nu 696 8.6277\n\nans=5×3 table\nLabel Count Percent\n_____ _____ _______\n\na 988 18.368\ne 1806 33.575\ni 979 18.2\no 1142 21.231\nu 464 8.6261\n\nRead William Shakespeare's sonnets with the fileread function. Remove all nonalphabetic characters from the text and convert to lowercase.\n\nletters = lower(sonnets(regexp(sonnets,\"[A-z]\")))';\n\nClassify the letters as consonants or vowels and create a table with the results. Show the first few rows of the table.\n\ntype = repmat(\"consonant\",size(letters));\ntype(regexp(letters',\"[aeiou]\")) = \"vowel\";\n\nT = table(letters,type,'VariableNames',[\"Letter\" \"Type\"]);\nans=8×2 table\nLetter Type\n______ ___________\n\nt \"consonant\"\nh \"consonant\"\ne \"vowel\"\ns \"consonant\"\no \"vowel\"\nn \"consonant\"\nn \"consonant\"\ne \"vowel\"\n\nDisplay the number of instances of each category.\n\ncnt = countlabels(T,'TableVariable',\"Type\")\ncnt=2×3 table\nType Count Percent\n_________ _____ _______\n\nconsonant 46516 63.365\nvowel 26894 36.635\n\nSplit the table into two sets, one containing 60% of the consonants and vowels and the other containing 40%. Display the number of instances of each category.\n\nsplt = splitlabels(T,0.6,'TableVariable',\"Type\");\n\nsixty = countlabels(T(splt{1},:),'TableVariable',\"Type\")\nsixty=2×3 table\nType Count Percent\n_________ _____ _______\n\nconsonant 27910 63.366\nvowel 16136 36.634\n\nforty = countlabels(T(splt{2},:),'TableVariable',\"Type\")\nforty=2×3 table\nType Count Percent\n_________ _____ _______\n\nconsonant 18606 63.363\nvowel 10758 36.637\n\nSplit the table into two sets, one containing 60% of each particular letter and the other containing 40%. Exclude the letter y, which sometimes acts as a consonant and sometimes as a vowel. Display the number of instances of each category.\n\nsplt = splitlabels(T,0.6,'Exclude',\"y\");\n\nsixti = countlabels(T(splt{1},:),'TableVariable',\"Type\")\nsixti=2×3 table\nType Count Percent\n_________ _____ _______\n\nconsonant 26719 62.346\nvowel 16137 37.654\n\nforti = countlabels(T(splt{2},:),'TableVariable',\"Type\")\nforti=2×3 table\nType Count Percent\n_________ _____ _______\n\nconsonant 17813 62.349\nvowel 10757 37.651\n\nSplit the table into two sets of the same size. Include only the letters e and s. Randomize the sets.\n\nhalves = splitlabels(T,0.5,'randomized','Include',[\"e\" \"s\"]);\n\ncnt = countlabels(T(halves{1},:))\ncnt=2×3 table\nLetter Count Percent\n______ _____ _______\n\ne 4514 64.385\ns 2497 35.615\n\nCreate a dataset that consists of 100 Gaussian random numbers. Label 40 of the numbers as A, 30 as B, and 30 as C. Store the data in a combined datastore containing two datastores. The first datastore has the data and the second datastore contains the labels.\n\ndsData = arrayDatastore(randn(100,1));\ndsLabels = arrayDatastore([repmat(\"A\",40,1); repmat(\"B\",30,1); repmat(\"C\",30,1)]);\ndsDataset = combine(dsData,dsLabels);\ncnt = countlabels(dsDataset,'UnderlyingDatastoreIndex',2)\ncnt=3×3 table\nLabel Count Percent\n_____ _____ _______\n\nA 40 40\nB 30 30\nC 30 30\n\nSplit the data set into two sets, one containing 60% of the numbers and the other with the rest.\n\nsplitIndices = splitlabels(dsDataset,0.6,'UnderlyingDatastoreIndex',2);\n\ndsDataset1 = subset(dsDataset,splitIndices{1});\ncnt1 = countlabels(dsDataset1,'UnderlyingDatastoreIndex',2)\ncnt1=3×3 table\nLabel Count Percent\n_____ _____ _______\n\nA 24 40\nB 18 30\nC 18 30\n\ndsDataset2 = subset(dsDataset,splitIndices{2});\ncnt2 = countlabels(dsDataset2,'UnderlyingDatastoreIndex',2)\ncnt2=3×3 table\nLabel Count Percent\n_____ _____ _______\n\nA 16 40\nB 12 30\nC 12 30\n\nInput Arguments\n\ncollapse all\n\nInput label source, specified as one of these:\n\n• A categorical vector.\n\n• A string vector or a cell array of character vectors.\n\n• A numeric vector or a cell array of numeric scalars.\n\n• A logical vector or a cell array of logical scalars.\n\n• A table with variables containing any of the previous data types.\n\n• A datastore whose readall function returns any of the previous data types.\n\n• A CombinedDatastore object containing an underlying datastore whose readall function returns any of the previous data types. In this case, you must specify the index of the underlying datastore that has the label values.\n\nlblsrc must contain labels that can be converted to a vector with a discrete set of categories.\n\nExample: lblsrc = categorical([\"B\" \"C\" \"A\" \"E\" \"B\" \"A\" \"A\" \"B\" \"C\" \"A\"],[\"A\" \"B\" \"C\" \"D\"]) creates the label source as a ten-sample categorical vector with four categories: A, B, C, and D.\n\nExample: lblsrc = [0 7 2 5 11 17 15 7 7 11] creates the label source as a ten-sample numeric vector.\n\nData Types: single | double | int8 | int16 | int32 | int64 | uint8 | uint16 | uint32 | uint64 | logical | char | string | table | cell | categorical\n\nProportions or numbers of labels, specified as an integer scalar, a scalar in the range (0, 1), a vector of integers, or a vector of fractions.\n\n• If p is a scalar, splitlabels finds two splitting index sets and returns a two-element cell array in idxs.\n\n• If p is an integer, the first element of idxs contains a vector of indices pointing to the first p values of each label category. The second element of idxs contains indices pointing to the remaining values of each label category.\n\n• If p is a value in the range (0, 1) and lblsrc has Ki elements in the ith category, the first element of idxs contains a vector of indices pointing to the first p × Ki values of each label category. The second element of idxs contains the indices of the remaining values of each label category.\n\n• If p is a vector with N elements of the form p1, p2, …, pN, splitlabels finds N + 1 splitting index sets and returns an (N + 1)-element cell array in idxs.\n\n• If p is a vector of integers, the first element of idxs is a vector of indices pointing to the first p1 values of each label category, the next element of idxs contains the next p2 values of each label category, and so on. The last element in idxs contains the remaining indices of each label category.\n\n• If p is a vector of fractions and lblsrc has Ki elements of the ith category, the first element of idxs is a vector of indices concatenating the first p1 × Ki values of each category, the next element of idxs contains the next p2 × Ki values of each label category, and so on. The last element in idxs contains the remaining indices of each label category.\n\nNote\n\n• If p contains fractions, then the sum of its elements must not be greater than one.\n\n• If p contains numbers of label values, then the sum of its elements must not be greater than the smallest number of labels available for any of the label categories.\n\nData Types: single | double | int8 | int16 | int32 | int64 | uint8 | uint16 | uint32 | uint64\n\nName-Value Arguments\n\nSpecify optional comma-separated pairs of Name,Value arguments. Name is the argument name and Value is the corresponding value. Name must appear inside quotes. You can specify several name and value pair arguments in any order as Name1,Value1,...,NameN,ValueN.\n\nExample: 'TableVariable',\"AreaCode\",'Exclude',[\"617\" \"508\"] specifies that the function split labels based on telephone area code and exclude numbers from Boston and Natick.\n\nLabels to include in the index sets, specified as a vector or cell array of label categories. The categories specified with this argument must be of the same type as the labels in lblsrc. Each category in the vector or cell array must match one of the label categories in lblsrc.\n\nLabels to exclude from the index sets, specified as a vector or cell array of label categories. The categories specified with this argument must be of the same type as the labels in lblsrc. Each category in the vector or cell array must match one of the label categories in lblsrc.\n\nTable variable to read, specified as a character vector or string scalar. If this argument is not specified, then splitlabels uses the first table variable.\n\nUnderlying datastore index, specified as an integer scalar. This argument applies when lblsrc is a CombinedDatastore object. splitlabels counts the labels in the datastore obtained using the UnderlyingDatastores property of lblsrc.\n\nOutput Arguments\n\ncollapse all\n\nSplitting indices, returned as a cell array."
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.59264296,"math_prob":0.9717156,"size":11980,"snap":"2022-05-2022-21","text_gpt3_token_len":3389,"char_repetition_ratio":0.1521376,"word_repetition_ratio":0.23413333,"special_character_ratio":0.29707846,"punctuation_ratio":0.12205948,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.98214287,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2022-01-16T20:15:10Z\",\"WARC-Record-ID\":\"<urn:uuid:3de0c682-a100-47ee-b4bc-bc74fe33e736>\",\"Content-Length\":\"124241\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:edae101b-d8de-4f33-9e48-152d6bde946a>\",\"WARC-Concurrent-To\":\"<urn:uuid:4519eddd-8581-4b6b-a0f5-1d9c34200c55>\",\"WARC-IP-Address\":\"104.68.243.15\",\"WARC-Target-URI\":\"https://kr.mathworks.com/help/signal/ref/splitlabels.html\",\"WARC-Payload-Digest\":\"sha1:SYBROHP3U2LTZOOCVBVQ3IQOOPETBJV5\",\"WARC-Block-Digest\":\"sha1:TNG6JLJHB6ZEQHD6V6POVDUYT53ET7XX\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2022/CC-MAIN-2022-05/CC-MAIN-2022-05_segments_1642320300010.26_warc_CC-MAIN-20220116180715-20220116210715-00478.warc.gz\"}"} |
https://byjus.com/icse-class-10-chemistry-selina-solutions-chapter-5-mole-concept-and-stoichiometry/ | [
"",
null,
"# Selina Concise Chemistry Solution for ICSE Class 10 Chapter 5 Mole concept and Stoichiometry\n\nOne of the most fundamental ideas in class 10 Selina chemistry textbook is the mole concept. In chapter 5, students will basically acquire knowledge on how to use the mole concept in order to relate amounts of chemicals to each other or the process of stoichiometry. They will also understand things like the meaning of molar and atomic mass, empirical and molecular formulas, limiting reagents, and students will have to solve some problems related to the concepts. As students need to be thorough with the chapter in order to succeed in the exams, we are offering concise Chemistry class 10 ICSE solutions for chapter 5 here for free.\n\n## Download PDF Of Selina Concise Chemistry Solution for ICSE Class 10 Chapter 5",
null,
"",
null,
"",
null,
"### Access Selina Concise Chemistry Solution for ICSE Class 10 Chapter 5\n\n1. Fill in the blanks:\n\n1. Relative molecular mass is essentially a number that tells us how many times a single _________(molecule/atom) of a substance is heavier than 1/12th mass of carbon [12/6C].\n2. Whenever gases chemically react, they occur in ______________ (volume/weight) which bear a simple ratio to the products and each other. If gaseous, provided the pressure and temperature of reacting gases and products remain the same.\n3. ____________ (molecule/atom) is classified as the smallest unit of matter.\n4. Equal volumes of all ____________ (gases/liquids), under similar conditions of pressure and temperature contains an equal number of molecules.’\n5. The number of particles that are contained within one mole of a substance is called _________\n\nSolution:\n\n1. Molecule\n2. Volume\n3. Atom\n4. gases\n\n1. Average of the ratio of atoms present in an element\n2. The mass (in grams) of one mole of a molecular compound\n3. A formula that tells us the number of atoms in one molecule of a chemical substance\n\nSolution:\n\n1. Atomic weight\n2. Gram-molecular weight\n3. Molecular formula\n\nSolution:\n\nAvogadro’s law states that equal volumes of all gases, under similar conditions of pressure and temperature, contain an equal number of molecules.\n\n4. What is the meaning of “Molar volume of a gas?”\n\nSolution:\n\nThe molar volume of gas is the volume occupied by one mole of a substance (gas) at standard temperature and pressure. The experimental value gas at STP is 22.4 litres.\n\n5. Explain: “The number of atoms in 1 mole of hydrogen is twice the number of atoms in 1 mole of helium at the same pressure and temperature.”\n\nSolution:\n\nThe reason for this is because hydrogen gas is diatomic, whereas helium is monoatomic. Hydrogen has twice the number of atoms when compared to helium in one mole of helium.\n\n6. Explain: “The vapour density of carbon dioxide is 22.”\n\nSolution:\n\nThe ratio between the weight of a certain molecule of gas (in this case: carbon dioxide) is the same as hydrogen (22), provided that both the gases are at the same pressure and temperature.\n\n7. What is the volume of propane burnt for every 0.1 litres of oxygen in the following reaction? Note: volumes of gases are measured at room pressure and temperature. C3H8 + 5O2 —–> 3CO2 + 4H2O\n\nSolution:\n\n0.02 litres. (HINT: Gay-Lussac’s Law)\n\n8. The atomic weight of Cl is 35.5. Calculate its vapour density.\n\nSolution:\n\nThe molecular weight of Cl is 35.5 2\n\n= 71\n\nVapour density of Cl = molecular weight 2\n\n= 712 = 35.5\n\n∴ Vapour density of Cl = 35.5\n\n9. Calculate the volume of 7.1 of Cl at Standard temperature and pressure.\n\nSolution:\n\nThe molecular weight of Cl2 = 71 g\n\n71g of Chlorine occupies 22.4 dm3 at standard temperature and pressure\n\n∴ 7.1g of Cl will occupy 22.4 7.171\n\n= 2.24 dm3 at STP\n\n10. State Gay-Lussac’s law:\n\nSolution:\n\nThe law states that the pressure of a given mass of gas varies directly with the absolute temperature of the gas when the volume is kept constant.\n\n11. State Gay-Lussac’s law of combining volumes:\n\nSolution:\n\nThe law states that when gases react together to form other gases, and when all volumes are measured at the same pressure and temperature, the ratio between the volumes of the reactant gases and the gaseous products can be expressed in simple whole numbers.\n\n12. What is stoichiometry?\n\nSolution:\n\nStoichiometry is the calculation of reactants and products in chemical reactions.\n\n13. What is meant by an empirical formula of a compound?\n\nSolution:\n\nThe empirical formula of a compound is a formula of a chemical substance that tells the simplest positive integer ratio of atoms present in a compound.\n\n14. What is atomicity?\n\nSolution:\n\nAtomicity is defined as the total number of atoms that constitute a molecule. For example, the atomicity of nitrogen is 2 as a single molecule of nitrogen contains 2 atoms.\n\n15. What is the atomicity of phosphorous, sulphur and hydrogen?\n\nSolution:\n\nAtomicity of:\n\n• Phosphorous= 4\n• Sulphur= 8\n• Hydrogen= 2\n\n16. State the value of Avogadro number\n\nSolution:\n\nValue of Avogadro number = 6.023 × 1023\n\n17. What is relative atomic mass?\n\nSolution:\n\nThe relative atomic mass is the ratio of the average mass of a single atom of an element to 1/12th of the mass of a carbon-12 atom.\n\n18. Mention some applications of Avogadro’s Law\n\nSolution:\n\n• The law explains Gay-Lussac’s law of combining volumes\n• It determines the atomicity of gases\n• Helps with the determination of the molecular formula of a gas\n• establishes the relationship between vapour density and molecular mass.\n\n19. State two real-life examples of Avogadro’s Law.\n\nSolution:\n\nFollowing are a few examples of Avogadro’s Law:\n\n• When inflating a ball, gas molecules are forced into it. The more molecules present, the greater the volume\n• Similarly, an inflated tyre will take up more space than a flat tyre.\n\n20. What is STP?\n\nSolution:\n\nSTP is an abbreviation for Standard Temperature and Pressure. It is a standard commonly used for calculations.\n\n• The standard temperature is 0°C\n• The standard pressure is 1 atm. (atmospheric pressure).\n\nThese solutions have been designed by experts who have further used a very simple language and style to help students understand all the concepts, theories, formulas, etc. clearly. Students can download these solutions in the form of a PDF and use it as an effective study tool. With these, students can prepare well and even achieve better results in the board examinations.\n\nThe given solutions are as per the 2019-20 Concise Selina textbook. The Selina Solutions for the academic year 2020-21 will be updated soon."
] | [
null,
"https://www.facebook.com/tr",
null,
"https://cdn1.byjus.com/wp-content/uploads/2020/03/selina-sol-concise-chem-class-10-ch-5-1.jpg",
null,
"https://cdn1.byjus.com/wp-content/uploads/2020/03/selina-sol-concise-chem-class-10-ch-5-2.jpg",
null,
"https://cdn1.byjus.com/wp-content/uploads/2020/08/selina-sol-concise-che-class-10-cha-5-3.jpg",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8789766,"math_prob":0.96761745,"size":6351,"snap":"2020-34-2020-40","text_gpt3_token_len":1505,"char_repetition_ratio":0.14699858,"word_repetition_ratio":0.0362117,"special_character_ratio":0.23980476,"punctuation_ratio":0.11529027,"nsfw_num_words":1,"has_unicode_error":false,"math_prob_llama3":0.9939435,"pos_list":[0,1,2,3,4,5,6,7,8],"im_url_duplicate_count":[null,null,null,3,null,3,null,3,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-09-29T17:54:27Z\",\"WARC-Record-ID\":\"<urn:uuid:c0f51d26-8f3c-4027-83f2-0b3e0fbad7c4>\",\"Content-Length\":\"553076\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:62ba71b5-ba90-4fb7-9a4c-3ff8e0a41824>\",\"WARC-Concurrent-To\":\"<urn:uuid:42d44f63-bf2c-46f8-9b91-0890de2b57e6>\",\"WARC-IP-Address\":\"52.77.80.199\",\"WARC-Target-URI\":\"https://byjus.com/icse-class-10-chemistry-selina-solutions-chapter-5-mole-concept-and-stoichiometry/\",\"WARC-Payload-Digest\":\"sha1:XVRQR4NWRSYBO6Q7B7OEJPF7PMQPG2JH\",\"WARC-Block-Digest\":\"sha1:DDGBJ55AASOXF7IVZY27M4YZ3LJNU5AV\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-40/CC-MAIN-2020-40_segments_1600400202418.22_warc_CC-MAIN-20200929154729-20200929184729-00773.warc.gz\"}"} |
https://numbermatics.com/n/19839907040519256/ | [
"# 19839907040519256\n\n## 19,839,907,040,519,256 is an even composite number composed of three prime numbers multiplied together.\n\nWhat does the number 19839907040519256 look like?\n\nThis visualization shows the relationship between its 3 prime factors (large circles) and 16 divisors.\n\n19839907040519256 is an even composite number. It is composed of three distinct prime numbers multiplied together. It has a total of sixteen divisors.\n\n## Prime factorization of 19839907040519256:\n\n### 23 × 3 × 826662793354969\n\n(2 × 2 × 2 × 3 × 826662793354969)\n\nSee below for interesting mathematical facts about the number 19839907040519256 from the Numbermatics database.\n\n### Names of 19839907040519256\n\n• Cardinal: 19839907040519256 can be written as Nineteen quadrillion, eight hundred thirty-nine trillion, nine hundred seven billion, forty million, five hundred nineteen thousand, two hundred fifty-six.\n\n### Scientific notation\n\n• Scientific notation: 1.9839907040519256 × 1016\n\n### Factors of 19839907040519256\n\n• Number of distinct prime factors ω(n): 3\n• Total number of prime factors Ω(n): 5\n• Sum of prime factors: 826662793354974\n\n### Divisors of 19839907040519256\n\n• Number of divisors d(n): 16\n• Complete list of divisors:\n• Sum of all divisors σ(n): 49599767601298200\n• Sum of proper divisors (its aliquot sum) s(n): 29759860560778944\n• 19839907040519256 is an abundant number, because the sum of its proper divisors (29759860560778944) is greater than itself. Its abundance is 9919953520259688\n\n### Bases of 19839907040519256\n\n• Binary: 10001100111110001001010010100111000011011100100010110002\n• Base-36: 5FCNRGWPE8O\n\n### Squares and roots of 19839907040519256\n\n• 19839907040519256 squared (198399070405192562) is 393621911376445543140194106793536\n• 19839907040519256 cubed (198399070405192563) is 7809422130820188560737448373288391344010624329216\n• The square root of 19839907040519256 is 140854204.9089030781\n• The cube root of 19839907040519256 is 270715.5552741987\n\n### Scales and comparisons\n\nHow big is 19839907040519256?\n• 19,839,907,040,519,256 seconds is equal to 630,847,675 years, 1 week, 2 days, 17 hours, 7 minutes, 36 seconds.\n• To count from 1 to 19,839,907,040,519,256 would take you about one billion, eight hundred ninety-two million, five hundred forty-three thousand and twenty-five years!\n\nThis is a very rough estimate, based on a speaking rate of half a second every third order of magnitude. If you speak quickly, you could probably say any randomly-chosen number between one and a thousand in around half a second. Very big numbers obviously take longer to say, so we add half a second for every extra x1000. (We do not count involuntary pauses, bathroom breaks or the necessity of sleep in our calculation!)\n\n• A cube with a volume of 19839907040519256 cubic inches would be around 22559.6 feet tall.\n\n### Recreational maths with 19839907040519256\n\n• 19839907040519256 backwards is 65291504070993891\n• The number of decimal digits it has is: 17\n• The sum of 19839907040519256's digits is 78\n• More coming soon!"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8104114,"math_prob":0.905928,"size":4216,"snap":"2020-45-2020-50","text_gpt3_token_len":1177,"char_repetition_ratio":0.18423551,"word_repetition_ratio":0.067474045,"special_character_ratio":0.4203036,"punctuation_ratio":0.17270195,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.98929435,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-11-28T22:14:51Z\",\"WARC-Record-ID\":\"<urn:uuid:916f7800-eae1-4f0e-be4b-2eae38ce6a0f>\",\"Content-Length\":\"19209\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:3cefc77d-9191-4e92-a0a9-53c4a88dd9da>\",\"WARC-Concurrent-To\":\"<urn:uuid:43455ff6-05fa-40e1-b081-38446127715e>\",\"WARC-IP-Address\":\"72.44.94.106\",\"WARC-Target-URI\":\"https://numbermatics.com/n/19839907040519256/\",\"WARC-Payload-Digest\":\"sha1:WI6OS7UNX3ZOKGTQNH2UOHD6GYWZSRDZ\",\"WARC-Block-Digest\":\"sha1:F35L6BMYXECBZKR6PGTMRYCKVO3GZZZC\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-50/CC-MAIN-2020-50_segments_1606141195929.39_warc_CC-MAIN-20201128214643-20201129004643-00594.warc.gz\"}"} |
https://www.growingiq.com/dlt-collection/Mr.-Rodney/level4/saturday/c06f86e9-42cf-4b5e-a24e-3a7be57ee5af | [
"## Mr. Rodney\n\n### Target 1\n\n###### Lesson Type:\n\nNew\n\nNumber Operation\n\n:\n\nFractional Numbers\n\nConvert between fractions, decimals, and percentages.\n\n###### 1:\n\nDescribe the relationship between fractions, decimals, and percentages.\n\n###### 2:\n\nIdentify the fractional equivalent of a percent.\n\n6th\n\n###### Vocabulary:\n\nPercent, Fraction, Numerator, Denominator\n\nActivities:\n\n• Reviewed and discussed the relationship of fractions to division.\n• Listed words with \"cent,\" e.g., century, centimeter, and how they related to 100.\n• Learned that \"percent\" can be thought of \"for every hundred,\" or \"out of 100,\" which makes converting 43% \"43 out of 100,\" and can be written as the fraction 43/100.\n• Converted fractions into percentages.\n• For fractions with a denominator other than 100, use multiplication and/or division to find an equivalent fraction with a denominator of 100 to find its percent.",
null,
"",
null,
"",
null,
"",
null,
"### Home Exploration\n\n###### Challenge Problem:\n\nConvert the given fractions into percentages using multiplication and/or division where applicable.\n\n1) 87/100\n2) 14/25\n3) 75/500\n4) 60/150\n5) 28/40\n\n###### Guiding Questions:\n\nWhen working with percent, what is the magic number you want to work with? 100\n\n• This denominator is tricky because it is not 100. How can we turn this denominator into 100? Use multiplication or division. Sometimes we need to do both.\n\n1) 87%\n2) 56%\n3) 15%\n4) 40%\n5) 70%",
null,
"## Absent Students:\n\n### Target 2\n\n:\n\n###### 1:\n\nUnderstand circumference is the distance around the edge of a circle.\n\n###### 2:\n\nUnderstand radius is the distance from the center point to the edge of a circle.\n\n###### 3:\n\nUnderstand diameter is the distance from one side of the edge of a circle to the other.\n\n###### 4:\n\nMeasure the diameter of given circles.\n\n###### 5:\n\nUnderstand the relationship between the radius and the diameter of a circle (use the radius to find the diameter or the diameter to find the radius).\n\n4th\n\n###### Vocabulary:\n\nRadius, Diameter, Circumference, Cord, Center Point\n\nActivities:\n\n• Discussed properties of circles, e.g., 2-D, no sides.\n• Learned new vocabulary terms that are differnet measures of a circle, i.e., radius, diameter, circumference, and cord.\n• Discovered the relationship between a circle's diameter and radius.\n• Used a geoboard and bands to illustrate and represent the vocabulary terms.\n• Measured various circular objects to find its radius, diameter, and circumference.\n• Determined that a circle's diameter is its longest cord.",
null,
"",
null,
"",
null,
"",
null,
"### Home Exploration\n\nSearch your home for different round objects. Make a table and lust the items to compare and keep track of the radius, diameter, and circumference.\n\n• Review vocabulary terms: radius, diameter, circumference, cord.\n• What is the relationship between radius and diameter? How can you use one measure to find the other?\n\n###### Guiding Questions:",
null,
"### Target 3\n\n:\n\n###### Vocabulary:\n\nActivities:",
null,
"",
null,
"",
null,
"",
null,
"### Home Exploration",
null,
""
] | [
null,
"https://static.wixstatic.com/media/697c9f_c4b5059eedda4c52adc8e6651b932da4~mv2.jpg/v1/fill/w_192,h_256,al_c,q_80,usm_0.66_1.00_0.01/Image-empty-state.jpg",
null,
"https://static.wixstatic.com/media/697c9f_2d529b6dad3d4860bb3f2f4f5f1dde1e~mv2.jpg/v1/fill/w_192,h_256,al_c,q_80,usm_0.66_1.00_0.01/Image-empty-state.jpg",
null,
"https://static.wixstatic.com/media/data:image/gif;base64,R0lGODlhAQABAIAAAP///wAAACH5BAEAAAAALAAAAAABAAEAAAICRAEAOw==",
null,
"https://static.wixstatic.com/media/data:image/gif;base64,R0lGODlhAQABAIAAAP///wAAACH5BAEAAAAALAAAAAABAAEAAAICRAEAOw==",
null,
"https://static.wixstatic.com/media/data:image/gif;base64,R0lGODlhAQABAIAAAP///wAAACH5BAEAAAAALAAAAAABAAEAAAICRAEAOw==",
null,
"https://static.wixstatic.com/media/697c9f_682571264d2546028250e02aef842785~mv2.jpg/v1/fill/w_192,h_256,al_c,q_80,usm_0.66_1.00_0.01/Image-empty-state.jpg",
null,
"https://static.wixstatic.com/media/697c9f_6fe913613654493990feb021fc3bf9ec~mv2.jpg/v1/fill/w_195,h_260,al_c,q_80,usm_0.66_1.00_0.01/Image-empty-state.jpg",
null,
"https://static.wixstatic.com/media/data:image/gif;base64,R0lGODlhAQABAIAAAP///wAAACH5BAEAAAAALAAAAAABAAEAAAICRAEAOw==",
null,
"https://static.wixstatic.com/media/data:image/gif;base64,R0lGODlhAQABAIAAAP///wAAACH5BAEAAAAALAAAAAABAAEAAAICRAEAOw==",
null,
"https://static.wixstatic.com/media/data:image/gif;base64,R0lGODlhAQABAIAAAP///wAAACH5BAEAAAAALAAAAAABAAEAAAICRAEAOw==",
null,
"https://static.wixstatic.com/media/data:image/gif;base64,R0lGODlhAQABAIAAAP///wAAACH5BAEAAAAALAAAAAABAAEAAAICRAEAOw==",
null,
"https://static.wixstatic.com/media/data:image/gif;base64,R0lGODlhAQABAIAAAP///wAAACH5BAEAAAAALAAAAAABAAEAAAICRAEAOw==",
null,
"https://static.wixstatic.com/media/data:image/gif;base64,R0lGODlhAQABAIAAAP///wAAACH5BAEAAAAALAAAAAABAAEAAAICRAEAOw==",
null,
"https://static.wixstatic.com/media/data:image/gif;base64,R0lGODlhAQABAIAAAP///wAAACH5BAEAAAAALAAAAAABAAEAAAICRAEAOw==",
null,
"https://static.wixstatic.com/media/data:image/gif;base64,R0lGODlhAQABAIAAAP///wAAACH5BAEAAAAALAAAAAABAAEAAAICRAEAOw==",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.8486766,"math_prob":0.915159,"size":3111,"snap":"2021-43-2021-49","text_gpt3_token_len":739,"char_repetition_ratio":0.13002896,"word_repetition_ratio":0.008230452,"special_character_ratio":0.24783029,"punctuation_ratio":0.19769357,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99111164,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23,24,25,26,27,28,29,30],"im_url_duplicate_count":[null,2,null,2,null,null,null,null,null,null,null,2,null,2,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2021-10-17T00:43:17Z\",\"WARC-Record-ID\":\"<urn:uuid:9ebc2882-fb40-4cf7-8bc7-690e365e836c>\",\"Content-Length\":\"831680\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:8aa443ab-0857-479a-9b05-1e49b2858f44>\",\"WARC-Concurrent-To\":\"<urn:uuid:dbe32195-7c49-42f6-87de-eec23b5fa999>\",\"WARC-IP-Address\":\"185.230.60.177\",\"WARC-Target-URI\":\"https://www.growingiq.com/dlt-collection/Mr.-Rodney/level4/saturday/c06f86e9-42cf-4b5e-a24e-3a7be57ee5af\",\"WARC-Payload-Digest\":\"sha1:URATXGJRANRJ6GLFI2SUBAWQDAUM2ZBW\",\"WARC-Block-Digest\":\"sha1:BAB4TCSM4MEILEOSYCIOFLJCVSBAIZHP\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2021/CC-MAIN-2021-43/CC-MAIN-2021-43_segments_1634323585045.2_warc_CC-MAIN-20211016231019-20211017021019-00633.warc.gz\"}"} |
https://senselab.med.yale.edu/ModelDB/showmodel.cshtml?model=128502 | [
"### On stochastic diff. eq. models for ion channel noise in Hodgkin-Huxley neurons (Goldwyn et al. 2010)\n\nAccession:128502\n\" ... We analyze three SDE models that have been proposed as approximations to the Markov chain model: one that describes the states of the ion channels and two that describe the states of the ion channel subunits. We show that the former channel-based approach can capture the distribution of channel noise and its effect on spiking in a Hodgkin-Huxley neuron model to a degree not previously demonstrated, but the latter two subunit-based approaches cannot. ...\"\nReference:\n1 . Goldwyn JH, Imennov NS, Famulare M, Shea-Brown E (2011) Stochastic differential equation models for ion channel noise in Hodgkin-Huxley neurons. Phys Rev E Stat Nonlin Soft Matter Phys 83:041908 [PubMed]\nModel Information (Click on a link to find other models with that property)\n Model Type: Neuron or other electrically excitable cell; Channel/Receptor; Brain Region(s)/Organism: Cell Type(s): Squid axon; Channel(s): I Sodium; I Potassium; Gap Junctions: Receptor(s): Gene(s): Transmitter(s): Simulation Environment: FORTRAN; Model Concept(s): Ion Channel Kinetics; Action Potentials; Methods; Noise Sensitivity; Implementer(s): Goldwyn, Joshua [jhgoldwyn at gmail.com];\nSearch NeuronDB for information about: I Sodium; I Potassium;",
null,
"",
null,
"/",
null,
"",
null,
"",
null,
"ModelDBFolder",
null,
"",
null,
"",
null,
"",
null,
"ReadMe.txt",
null,
"",
null,
"",
null,
"",
null,
"example1.sh",
null,
"",
null,
"",
null,
"",
null,
"example2.sh",
null,
"",
null,
"",
null,
"",
null,
"HH_master.f95",
null,
"",
null,
"",
null,
"",
null,
"HH_run.f95",
null,
"",
null,
"",
null,
"",
null,
"Makefile",
null,
"",
null,
"",
null,
"",
null,
"MT19937.f90",
null,
"",
null,
"",
null,
"",
null,
"NoiseData_K.txt",
null,
"",
null,
"",
null,
"",
null,
"NoiseData_Na.txt",
null,
"",
null,
"",
null,
"",
null,
"NonMarkov_K.mw",
null,
"",
null,
"",
null,
"",
null,
"NonMarkov_Na.mw",
null,
"",
null,
"",
null,
"",
null,
"ParameterModule.f95\n```ReadMe.txt\n\nThis is the readme for the model code associated with the paper:\n\nJoshua H. Goldwyn, Nikita S. Imennov, Michael Famulare, Eric\nShea-Brown. (submitted) On stochastic differential equation models for\nion channel noise in Hodgkin-Huxley neurons.\n\nSubmitted manuscript available at http://arxiv.org/abs/1009.4172\n\nThe following files have been uploaded to ModelDB:\n\nHH_master.f95 -- all subroutines and programs used to solve HH\nequations\nHH_run.95 -- program file for simulating HH equations (uses command\nline inputs, see below)\nMakefile -- make executable\nMT19937.f90 -- Mersenne twister code (written by Richard Woloshyn and\nhttp://www.math.sci.hiroshima-u.ac.jp/~m-mat/MT/VERSIONS/FORTRAN/fortran.html)\nNoiseData_K.txt and NoiseData_Na.txt -- data files used for noise\nterms in colored noise quasistationary model\nNonMarkov_K.mw and NonMarkov_Na.mw -- Maple files used to create\nNoiseData_K.txt and NoiseData_Na.txt, respectively\nParameterModule.f95 -- parameter values used in HH model\n\nUsage:\n\nCreate HH_run using make command\n\nNote from the ModelDB Administrator: On my Fedora Core 11 machine I\nfound the lapack and blas library files were not found until I\nreplaced LDFLAGS in Makefile to read\n\nLDFLAGS = -L/usr/local/epd/lib -I/usr/local/epd/include /usr/lib/liblapack.so.3 /usr/lib/libblas.so.3\n\nThen the command line can be used:\n\n./HH_run [Model Number] [Membrane Area] [# Time Steps] \\\n[Time Step Size] [# ISIs] [DC] [Noise] [Sine Amplitude] [Sine Frequency] \\\n[Voltage Clamp] [Data to Print Out] [Random Number Seed]\n\noutput is data (format of which determined by [Data to Print Out]\noption, see below)\n\nWhere :\nModel Number: \t0 = ODE\n1 = Markov Chain\n2 = SDE Channel (Fox and Lu, 1994)\n3 = SDE Subunit Identical (Fox and Lu, 1994)\n4 = SDE Subunit Independent (Shuai and Jung, 2002)\n5 = SDE Subunit Quasistationary\n6 = Channel Quasistationary\n\nApplied Current is of the form [DC] + [Noise]*N(0,1) + [Sine\nAmplitude]*sin(2*Pi*[Sine Frequency]*t)\n\nVoltage Clamp: \t0 = No\n1 = Yes\n\nData to Print Out: 1 = t, V, proportion of open Na channels,\nproportion of open K channels\n2 = Interspike intervals\n\nTwo specific examples of HH_run are provided in the scripts\nexample1.sh and example2.sh that implement the following\n\nEXAMPLE 1:\n\nRun all models for a constant input (strength of DC input is 7 (micro\namp / cm^2). Write out first 30 interspike intervals (in ms).\n\nEXAMPLE 2:\n\nRun all models in voltage clamp (voltage clamp to 20 mV) for 100 ms\n(1E4 time steps with 0.01ms step size). Write out time, voltage,\nproportion of open Na channels and proportion of open K channels\n```"
] | [
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_folder.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_folder.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_file.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_file.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_file.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_file.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_file.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_file.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_file.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_file.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_file.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_file.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_file.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_spacer.gif",
null,
"https://senselab.med.yale.edu/ModelDB/_common/images/t_file.gif",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.7218694,"math_prob":0.6414758,"size":2583,"snap":"2023-14-2023-23","text_gpt3_token_len":736,"char_repetition_ratio":0.08103916,"word_repetition_ratio":0.005154639,"special_character_ratio":0.2578397,"punctuation_ratio":0.12731007,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9538635,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106],"im_url_duplicate_count":[null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-06-02T05:33:30Z\",\"WARC-Record-ID\":\"<urn:uuid:8e149cad-831e-4aea-850d-bcae8e1b0206>\",\"Content-Length\":\"65681\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:26d4e7ab-24a1-4bc5-9a4d-a78b16e3e078>\",\"WARC-Concurrent-To\":\"<urn:uuid:a5b06012-3411-460b-90b5-6a2919437c2b>\",\"WARC-IP-Address\":\"128.36.64.81\",\"WARC-Target-URI\":\"https://senselab.med.yale.edu/ModelDB/showmodel.cshtml?model=128502\",\"WARC-Payload-Digest\":\"sha1:KPXZR63IN3LDJKU67PS3DBPWV2TZ5SAH\",\"WARC-Block-Digest\":\"sha1:E2RVBUKCJ6SNQS7YLNQJ4CNOQVKAFNAB\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-23/CC-MAIN-2023-23_segments_1685224648322.84_warc_CC-MAIN-20230602040003-20230602070003-00233.warc.gz\"}"} |
https://www.perlmonks.org/?parent=11115396;node_id=3333 | [
"",
null,
"Perl Monk, Perl Meditation PerlMonks\n\n### comment on\n\n Need Help??\n\nHi again,\n\nI tried caching using an array and File::Map. All run using one core and are reasonably fast. The main goal here are attempts made at reducing memory consumption.\n\nUpdate 2: Improved performance.\n\n```use strict;\nuse warnings;\nuse feature 'say';\nuse File::Map qw/map_anonymous unmap/;\nuse PDL;\n\n# based on the caching demonstration by iM71\n# https://stackoverflow.com/a/55361008\n# https://stackoverflow.com/questions/38114205/c-collatz-conjecture-op\n+timization\n\nsub collatz_longest_pdl {\nmy ( \\$size ) = @_;\nmy ( \\$length, \\$number ) = ( 0, 0 );\nmy ( \\$n, \\$steps, \\$tmp, \\$n2 );\n\nmy \\$cache = zeros( short(), \\$size + 1 );\n\nfor my \\$current ( 2 .. \\$size ) {\n\\$n = \\$current, \\$steps = 0;\n\n# count using the T(x) notation\n\\$n % 2 ? ( \\$steps += 2, \\$n = (3 * \\$n + 1) >> 1 )\n: ( \\$steps += 1, \\$n = \\$n >> 1 )\nwhile \\$n != 1 && \\$n >= \\$current;\n\n\\$tmp = \\$steps + at( \\$cache, \\$n );\nset( \\$cache, \\$current, \\$tmp );\n\n\\$length = \\$tmp, \\$number = \\$current\nif \\$tmp > \\$length;\n}\n\nreturn ( \\$number, \\$length );\n}\n\nsub collatz_longest_array {\nmy ( \\$size ) = @_;\nmy ( \\$length, \\$number ) = ( 0, 0 );\nmy ( \\$n, \\$steps, \\$tmp );\n\nmy @cache;\n\nfor my \\$current ( 2 .. \\$size ) {\n\\$n = \\$current, \\$steps = 0;\n\n# count using the T(x) notation\n\\$n % 2 ? ( \\$steps += 2, \\$n = (3 * \\$n + 1) >> 1 )\n: ( \\$steps += 1, \\$n = \\$n >> 1 )\nwhile \\$n != 1 && \\$n >= \\$current;\n\n\\$tmp = \\$steps + ( \\$cache[ \\$n ] // 0 );\n\\$cache[ \\$current ] = \\$tmp;\n\n\\$length = \\$tmp, \\$number = \\$current\nif \\$tmp > \\$length;\n}\n\nreturn ( \\$number, \\$length );\n}\n\nsub collatz_longest_filemap {\nmy ( \\$size ) = @_;\nmy ( \\$length, \\$number ) = ( 0, 0 );\nmy ( \\$n, \\$steps, \\$tmp );\n\nmap_anonymous my \\$cache, \\$size * 2 + 2, 'shared';\n\n# fill cache with zero's\nsubstr(\\$cache, 0, \\$size * 2 + 2, pack('s', 0) x ( \\$size + 1 ));\n\nfor my \\$current ( 2 .. \\$size ) {\n\\$n = \\$current, \\$steps = 0;\n\n# count using the T(x) notation\n\\$n % 2 ? ( \\$steps += 2, \\$n = (3 * \\$n + 1) >> 1 )\n: ( \\$steps += 1, \\$n = \\$n >> 1 )\nwhile \\$n != 1 && \\$n >= \\$current;\n\n\\$tmp = \\$steps + unpack('s', substr(\\$cache, \\$n * 2, 2));\nsubstr(\\$cache, \\$current * 2, 2, pack('s', \\$tmp));\n\n\\$length = \\$tmp, \\$number = \\$current\nif \\$tmp > \\$length;\n}\n\nunmap \\$cache;\n\nreturn ( \\$number, \\$length );\n}\n\nsub collatz_longest_scalar {\nmy ( \\$size ) = @_;\nmy ( \\$length, \\$number ) = ( 0, 0 );\nmy ( \\$n, \\$steps, \\$tmp );\n\n# fill cache with zero's\nmy \\$cache = pack('s', 0) x ( \\$size + 1 );\n\nfor my \\$current ( 2 .. \\$size ) {\n\\$n = \\$current, \\$steps = 0;\n\n# count using the T(x) notation\n\\$n % 2 ? ( \\$steps += 2, \\$n = (3 * \\$n + 1) >> 1 )\n: ( \\$steps += 1, \\$n = \\$n >> 1 )\nwhile \\$n != 1 && \\$n >= \\$current;\n\n\\$tmp = \\$steps + unpack('s', substr(\\$cache, \\$n * 2, 2));\nsubstr(\\$cache, \\$current * 2, 2, pack('s', \\$tmp));\n\n\\$length = \\$tmp, \\$number = \\$current\nif \\$tmp > \\$length;\n}\n\nreturn ( \\$number, \\$length );\n}\n\n#*collatz = \\&collatz_longest_pdl; # choose collatz here\n#*collatz = \\&collatz_longest_array;\n#*collatz = \\&collatz_longest_filemap;\n*collatz = \\&collatz_longest_scalar;\n\nmy ( \\$number, \\$length ) = collatz( shift || '1e7' );\n\nsay \"Longest Collatz (index and value)\";\nsay \"\\$number \\$length\";\n\nOutput\n\n```1e7 : 8400511 685\n\n1 core\ncollatz_longest 1m16.034s MCE Perl code\ncollatz_longest_pdl 0m13.691s Consumes 39 MiB\ncollatz_longest_filemap 0m06.615s Consumes 59 MiB\ncollatz_longest_scalar 0m06.148s Consumes 39 MiB\ncollatz_longest_array 0m04.986s Consumes 330 MiB\ncollatz_longest_c1 0m01.868s Inline C code\ncollatz_longest_c2 0m00.778s Inline C code\n\nI've been wanting to try File::Map and pleasantly surprised.\n\nRegards, Mario\n\nTitle:\nUse: <p> text here (a paragraph) </p>\nand: <code> code here </code>\nto format your post; it's \"PerlMonks-approved HTML\":\n\n• Posts are HTML formatted. Put <p> </p> tags around your paragraphs. Put <code> </code> tags around your code and data!\n• Titles consisting of a single word are discouraged, and in most cases are disallowed outright.\n• Read Where should I post X? if you're not absolutely sure you're posting in the right place.\n• Posts may use any of the Perl Monks Approved HTML tags:\na, abbr, b, big, blockquote, br, caption, center, col, colgroup, dd, del, div, dl, dt, em, font, h1, h2, h3, h4, h5, h6, hr, i, ins, li, ol, p, pre, readmore, small, span, spoiler, strike, strong, sub, sup, table, tbody, td, tfoot, th, thead, tr, tt, u, ul, wbr\n• You may need to use entities for some characters, as follows. (Exception: Within code tags, you can put the characters literally.)\n For: Use: & & < < > > [ [ ] ]\n• Link using PerlMonks shortcuts! What shortcuts can I use for linking?\n\nCreate A New User\nChatterbox?\nand the web crawler heard nothing...\n\nHow do I use this? | Other CB clients\nOther Users?\nOthers avoiding work at the Monastery: (5)\nAs of 2020-12-04 02:56 GMT\nSections?\nInformation?\nFind Nodes?\nLeftovers?\nVoting Booth?\nHow often do you use taint mode?\n\nResults (58 votes). Check out past polls.\n\nNotices?"
] | [
null,
"https://promote.pair.com/i/pair-banner-current.gif",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.6652519,"math_prob":0.950894,"size":4465,"snap":"2020-45-2020-50","text_gpt3_token_len":1563,"char_repetition_ratio":0.16319211,"word_repetition_ratio":0.47119817,"special_character_ratio":0.41321388,"punctuation_ratio":0.2611607,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9825372,"pos_list":[0,1,2],"im_url_duplicate_count":[null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-12-04T02:57:13Z\",\"WARC-Record-ID\":\"<urn:uuid:70224f54-a24e-4126-9391-298166e14a2e>\",\"Content-Length\":\"25454\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:9e749bf9-e905-4b7e-ab6b-5f6e8a0180d7>\",\"WARC-Concurrent-To\":\"<urn:uuid:10ce04d4-1eea-4b22-8c40-83c17814cf5a>\",\"WARC-IP-Address\":\"209.197.123.153\",\"WARC-Target-URI\":\"https://www.perlmonks.org/?parent=11115396;node_id=3333\",\"WARC-Payload-Digest\":\"sha1:WIWTPSIACSZ6JNVSWEV7GO34W2WNVWJB\",\"WARC-Block-Digest\":\"sha1:I3NDWQD7FFOR4E6C3P7UJ4MUUD2EMPW4\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-50/CC-MAIN-2020-50_segments_1606141733120.84_warc_CC-MAIN-20201204010410-20201204040410-00470.warc.gz\"}"} |
http://scipy.github.io/devdocs/generated/scipy.sparse.linalg.gcrotmk.html | [
"# scipy.sparse.linalg.gcrotmk¶\n\nscipy.sparse.linalg.gcrotmk(A, b, x0=None, tol=1e-05, maxiter=1000, M=None, callback=None, m=20, k=None, CU=None, discard_C=False, truncate='oldest', atol=None)[source]\n\nSolve a matrix equation using flexible GCROT(m,k) algorithm.\n\nParameters\nA{sparse matrix, dense matrix, LinearOperator}\n\nThe real or complex N-by-N matrix of the linear system. Alternatively, A can be a linear operator which can produce Ax using, e.g., scipy.sparse.linalg.LinearOperator.\n\nb{array, matrix}\n\nRight hand side of the linear system. Has shape (N,) or (N,1).\n\nx0{array, matrix}\n\nStarting guess for the solution.\n\ntol, atolfloat, optional\n\nTolerances for convergence, norm(residual) <= max(tol*norm(b), atol). The default for atol is tol.\n\nWarning\n\nThe default value for atol will be changed in a future release. For future compatibility, specify atol explicitly.\n\nmaxiterint, optional\n\nMaximum number of iterations. Iteration will stop after maxiter steps even if the specified tolerance has not been achieved.\n\nM{sparse matrix, dense matrix, LinearOperator}, optional\n\nPreconditioner for A. The preconditioner should approximate the inverse of A. gcrotmk is a ‘flexible’ algorithm and the preconditioner can vary from iteration to iteration. Effective preconditioning dramatically improves the rate of convergence, which implies that fewer iterations are needed to reach a given error tolerance.\n\ncallbackfunction, optional\n\nUser-supplied function to call after each iteration. It is called as callback(xk), where xk is the current solution vector.\n\nmint, optional\n\nNumber of inner FGMRES iterations per each outer iteration. Default: 20\n\nkint, optional\n\nNumber of vectors to carry between inner FGMRES iterations. According to , good values are around m. Default: m\n\nCUlist of tuples, optional\n\nList of tuples (c, u) which contain the columns of the matrices C and U in the GCROT(m,k) algorithm. For details, see . The list given and vectors contained in it are modified in-place. If not given, start from empty matrices. The c elements in the tuples can be None, in which case the vectors are recomputed via c = A u on start and orthogonalized as described in .\n\nDiscard the C-vectors at the end. Useful if recycling Krylov subspaces for different linear systems.\n\ntruncate{‘oldest’, ‘smallest’}, optional\n\nTruncation scheme to use. Drop: oldest vectors, or vectors with smallest singular values using the scheme discussed in [1,2]. See for detailed comparison. Default: ‘oldest’\n\nReturns\nxarray or matrix\n\nThe solution found.\n\ninfoint\n\nProvides convergence information:\n\n• 0 : successful exit\n\n• >0 : convergence to tolerance not achieved, number of iterations\n\nReferences\n\n1\n\nE. de Sturler, ‘’Truncation strategies for optimal Krylov subspace methods’’, SIAM J. Numer. Anal. 36, 864 (1999).\n\n2(1,2,3)\n\nJ.E. Hicken and D.W. Zingg, ‘’A simplified and flexible variant of GCROT for solving nonsymmetric linear systems’’, SIAM J. Sci. Comput. 32, 172 (2010).\n\n3\n\nM.L. Parks, E. de Sturler, G. Mackey, D.D. Johnson, S. Maiti, ‘’Recycling Krylov subspaces for sequences of linear systems’’, SIAM J. Sci. Comput. 28, 1651 (2006).\n\n#### Previous topic\n\nscipy.sparse.linalg.qmr\n\n#### Next topic\n\nscipy.sparse.linalg.lsqr"
] | [
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.6445931,"math_prob":0.90803814,"size":3169,"snap":"2019-51-2020-05","text_gpt3_token_len":826,"char_repetition_ratio":0.11153238,"word_repetition_ratio":0.00862069,"special_character_ratio":0.24518776,"punctuation_ratio":0.21800947,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9787631,"pos_list":[0],"im_url_duplicate_count":[null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2020-01-18T23:24:58Z\",\"WARC-Record-ID\":\"<urn:uuid:ee865309-3636-482d-b800-e1a01d3664f6>\",\"Content-Length\":\"12988\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:fee43bfb-75fd-47f3-bb3c-2e52702f8221>\",\"WARC-Concurrent-To\":\"<urn:uuid:a90fc8e9-9a90-4d22-81c5-fd2c1497e93a>\",\"WARC-IP-Address\":\"185.199.109.153\",\"WARC-Target-URI\":\"http://scipy.github.io/devdocs/generated/scipy.sparse.linalg.gcrotmk.html\",\"WARC-Payload-Digest\":\"sha1:5EIWT4PN7OZICIST44KPT43AKO5ZBAL6\",\"WARC-Block-Digest\":\"sha1:4N76JCJRKRVVNXKI76OWWDNVGMBORDLB\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2020/CC-MAIN-2020-05/CC-MAIN-2020-05_segments_1579250593994.14_warc_CC-MAIN-20200118221909-20200119005909-00379.warc.gz\"}"} |
http://theculture.sg/2015/12/sampling-survey-2-simple-probability-samples/ | [
"# Sampling & Survey #2 – Simple Probability Samples",
null,
"So recall that we are interested on the statistical aspects of taking and analysing a sample, and a good sample will be representative in the sense that characteristics of interest in the population can be estimated form the sample with a known degree of accuracy.\n\nHere, we will use Probability Sampling to conduct surveys. Probability sampling means each unit in the population has a known non-zero probability of being included in the sample. At the same time, we will make the following assumption:\n\n1. Sampled population = target population\n2. Sampling frame is complete, no non-response or missing data\n3. No measurement error\n\nClearly, with these assumptions, we have removed non-sampling error and only observe sampling error.\n\nSimple Random Sample\n\n• Simplest form of probability sample\n• Each unit has an equal probability to be in the sample\n• Each sample of size has the same chance of being the samples\n\nSystematic Sample\n\n• Units are equally spaced in the list\n\nStratified sample\n\n• Elements in the same stratum often tend to be more similar.\n• Simple random sample selected from each stratum, and sample random samples in the strata are selected independently\n\nCluster Sample\n\n• Elements are aggregated into larger sampling units (cluster)\n• The cluster is sampled:\n• One – stage (entire cluster is sampled)\n• Two – stage (probability sampling within the cluster)\n\nSo here is an example to sample 20 integers from the population {1, 2, …, 100} using the above methods\n\n1. Simple random sample: Use a computer to randomly generate 20 integers from 1 to 100.\n2. Systematic sample: Use a computer to randomly generate an integer from 1 to 5, then take every",
null,
"element. Suppose it was 2, then the sample contains units 2, 7, 12, 17, …\n3. Stratified sample: Divide the population into 10 strata, {1, 2, …, 10}, {11, 12, …, 20}, …, {91, 92, …, 100}, and a simple random sample of 2 numbers will be drawn from each of the 10 strata.\n4. Cluster sample: Divide the population into 20 clusters {1, 2, 3, 4, 5}, {6, 7, 8, 9, 10}, …, {96, 97, 98, 99, 100}. A simple random sample of 4 of these clusters is selected.\n\nNow we move on to developing some concepts and tools to analyse our sample.\n\nFor most samples, we are establish a characteristic of interest, y. Let",
null,
"be the characteristic of interest for unit i.\n\n1. Population mean,",
null,
"",
null,
"2. Population proportion, p\nThis is a special population mean.\nLet",
null,
"be binary variable, taking value of 1 if unit i have characteristic and 0 if unit i does not have characteristic.",
null,
"3. Population Total t",
null,
"",
null,
"",
null,
"",
null,
"",
null,
"4. Population variance",
null,
"",
null,
"S is the standard deviation of y.\n5. Coefficient of variation CY(y)\nThe coefficient of variation is a measure of relative variability; it is the ratio of the standard deviation of y with",
null,
".",
null,
"Next, we will delve deep into each of the sampling methods above.\n\nSampling & Survey #1 – Introduction\nSampling & Survey #2 – Simple Probability Samples\nSampling & Survey #3 – Simple Random Sampling\nSampling & Survey #4 – Qualities of estimator in SRS\nSampling & Survey #5 – Sampling weight, Confidence Interval and sample size in SRS\nSampling & Survey #6 – Systematic Sampling\nSampling & Survey #7 – Stratified Sampling\nSampling & Survey # 8 – Ratio Estimation\nSampling & Survey # 9 – Regression Estimation\nSampling & Survey #10 – Cluster Sampling\nSampling & Survey #11 – Two – Stage Cluster Sampling\nSampling & Survey #12 – Sampling with unequal probabilities (Part 1)\nSampling & Survey #13 – Sampling with unequal probabilities (Part 2)\nSampling & Survey #14 – Nonresponse\n\nNot readable? Change text.",
null,
""
] | [
null,
"http://1.gravatar.com/avatar/a0a4610681543231d1d903b418a5106d",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-f499cca22f83843d18f398d1388a51ed_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-32a50f78d95497239eb2ff4d7691631e_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-5053231bd0043dde683dbb8f82dd5c90_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-c64c483fc0d887be41424df4d6965270_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-32a50f78d95497239eb2ff4d7691631e_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-4fe6c152cacd1269b9958b6ca1ac2063_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-8bb7263ae4ec817a5b571244303a8876_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-342d32d2bad75624bc5dd206924d8a78_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-e57b6477b8dc3bdf896b326e173b2b13_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-e5cfa51efd17b6a11264aa4e1d3a8200_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-16227e28f5b2dc1b053cca68e9189fe9_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-f691482c726f764bf5674fe4c754609b_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-97cf3e2105ab29bc9c74f5d037d0a0f0_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-5053231bd0043dde683dbb8f82dd5c90_l3.png",
null,
"http://theculture.sg/wp-content/ql-cache/quicklatex.com-9d4ca4ac11b7f196ec127433a781ff90_l3.png",
null,
"http://theculture.sg/wp-content/plugins/artbees-captcha/generate-captcha.php",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.842006,"math_prob":0.9846952,"size":3651,"snap":"2023-14-2023-23","text_gpt3_token_len":852,"char_repetition_ratio":0.20839046,"word_repetition_ratio":0.09404389,"special_character_ratio":0.25636813,"punctuation_ratio":0.118644066,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.9966211,"pos_list":[0,1,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34],"im_url_duplicate_count":[null,null,null,5,null,null,null,null,null,5,null,null,null,5,null,5,null,5,null,5,null,5,null,5,null,null,null,5,null,null,null,5,null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-03-30T12:02:51Z\",\"WARC-Record-ID\":\"<urn:uuid:14e41f74-bd75-4b0f-9063-dc59aeb72e56>\",\"Content-Length\":\"107297\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:99b645bb-5403-4426-90f7-239d293efe71>\",\"WARC-Concurrent-To\":\"<urn:uuid:ce6e4007-9273-41ee-9b20-b259f2aaffe8>\",\"WARC-IP-Address\":\"104.21.54.29\",\"WARC-Target-URI\":\"http://theculture.sg/2015/12/sampling-survey-2-simple-probability-samples/\",\"WARC-Payload-Digest\":\"sha1:I7L6D6MAJFLP6XBY4FZZREWPIILZPRO5\",\"WARC-Block-Digest\":\"sha1:RWVEXIL7ZNMNWQJT56A7GCHE2HQIKB7R\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-14/CC-MAIN-2023-14_segments_1679296949181.44_warc_CC-MAIN-20230330101355-20230330131355-00629.warc.gz\"}"} |
https://answers.everydaycalculation.com/gcf/5-72 | [
"Solutions by everydaycalculation.com\n\n## What is the GCF of 5 and 72?\n\nThe GCF of 5 and 72 is 1.\n\n#### Steps to find GCF\n\n1. Find the prime factorization of 5\n5 = 5\n2. Find the prime factorization of 72\n72 = 2 × 2 × 2 × 3 × 3\n3. To find the GCF, multiply all the prime factors common to both numbers:\n\nNote that there are no common prime factors.\n4. Therefore, GCF = 1 (since 1 is a factor of every number)\n\nMathStep (Works offline)",
null,
"Download our mobile app and learn how to find GCF of upto four numbers in your own time:"
] | [
null,
"https://answers.everydaycalculation.com/mathstep-app-icon.png",
null
] | {"ft_lang_label":"__label__en","ft_lang_prob":0.83709306,"math_prob":0.9934076,"size":539,"snap":"2023-40-2023-50","text_gpt3_token_len":171,"char_repetition_ratio":0.1271028,"word_repetition_ratio":0.0,"special_character_ratio":0.36549166,"punctuation_ratio":0.08256881,"nsfw_num_words":0,"has_unicode_error":false,"math_prob_llama3":0.99750954,"pos_list":[0,1,2],"im_url_duplicate_count":[null,null,null],"WARC_HEADER":"{\"WARC-Type\":\"response\",\"WARC-Date\":\"2023-09-30T23:05:23Z\",\"WARC-Record-ID\":\"<urn:uuid:285f9db6-8530-40b0-869c-3eb13b44207d>\",\"Content-Length\":\"5995\",\"Content-Type\":\"application/http; msgtype=response\",\"WARC-Warcinfo-ID\":\"<urn:uuid:a96e1c89-4c9e-4ea7-a997-bfd0fad8f833>\",\"WARC-Concurrent-To\":\"<urn:uuid:cfb34b1d-2e78-4a79-9996-a7686ab3d524>\",\"WARC-IP-Address\":\"96.126.107.130\",\"WARC-Target-URI\":\"https://answers.everydaycalculation.com/gcf/5-72\",\"WARC-Payload-Digest\":\"sha1:E7ZIF23KM4R35BJW5FZVSTKTANGS5BK6\",\"WARC-Block-Digest\":\"sha1:CUZIBLXXZPWZALPTBJF4TS25NCQLZVP6\",\"WARC-Identified-Payload-Type\":\"text/html\",\"warc_filename\":\"/cc_download/warc_2023/CC-MAIN-2023-40/CC-MAIN-2023-40_segments_1695233510730.6_warc_CC-MAIN-20230930213821-20231001003821-00249.warc.gz\"}"} |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.