url
stringlengths 14
1.76k
| text
stringlengths 100
1.02M
| metadata
stringlengths 1.06k
1.1k
|
---|---|---|
http://misailo.cs.illinois.edu/courses/598sm/probprog1.html
|
# Introduction
The presentation here is based on the following resources:
## Simple Start (Sum)
Goal: If U1 and U2 are two independent variables with uniform distribution over the integers 1, 2, and 3, what is the distribution of U1 + U2 ?
var main = function () {
var u1 = uniformDraw([1,2,3])
var u2 = uniformDraw([1,2,3])
return u1 + u2
}
var dist = Infer(
{method: 'enumerate'},
main);
print("Pr(x=1) = " + Math.exp(dist.score(1)).toFixed(4))
print("Pr(x=2) = " + Math.exp(dist.score(2)).toFixed(4))
print("Pr(x=3) = " + Math.exp(dist.score(3)).toFixed(4))
print("Pr(x=4) = " + Math.exp(dist.score(4)).toFixed(4))
print("Pr(x=5) = " + Math.exp(dist.score(5)).toFixed(4))
print("Pr(x=6) = " + Math.exp(dist.score(6)).toFixed(4))
viz.table(dist);
viz.auto(dist);
display("Most likely value and its probability: ")
print(dist.MAP().val.toFixed(4) + " its Pr = " + (Math.exp(dist.MAP().score).toFixed(4)))
var variance = function(a) {
var m = expectation(a);
return expectation(a, function(x) { return Math.pow(x - m, 2) })
}
print("Mean: " + expectation(dist).toFixed(4))
display("Variance: " + variance(dist).toFixed(4))
Consider: What are the distributions of U1 - U2, U1 * U2, and U1 / U2? What changes if the distribution of U2 is uniformDraw([0,1,2])?
Consider: The distribution returns the log-probability of elements using dist.score(val). To get the probability, take the exponent. To print, convert to a fixed point value (here with four decimals).
## Simple Start (Comparison)
Goal: If U1 and U2 are two independent variables with uniform distribution over the integers 1, 2, and 3, what is the distribution of U1 == U2 ?
var main = function () {
var u1 = uniformDraw([1,2,3])
var u2 = uniformDraw([1,2,3])
return u1 == u2
}
var dist = Infer(
{method: 'enumerate'},
main);
viz.table(dist);
//viz.auto(dist);
Consider: How can you simplify the above program to draw only a single sample (from another distribution)?
Consider: How does the inference results change if we instead use this inference method: var dist = Infer( {method: 'MCMC', samples: 100}, main); (try running several times).
Consider: How much do the run-to-run differences change if we increase the number of samples to 1000 or 10000?
## Several More Simple Models (AgentModels)
WebPPL is a functional subset of JavaScript, with several probabilistic constructs. To get accustomed with the syntax, read and try out the examples from this page.
Consider:
• How to filter only numerical array elements? (e.g., this is useful for data cleaning)
• What do the functions map, filter, and zip do? (How do they relate to loops?) See all built-in functions here.
• How is recursion used to implement a geometric distribution?
• See different ways to plot data in 1D or 2D.
## Another Simple Model
Goal: We have three independent coin flips, assuming they are fair. We observed at least two heads as the outcome. What is the (posterior) probability that the first coin flip resulted in a head? What is the posterior expected value of that flip?
var model = function() {
var c1 = flip(0.5);
var c2 = flip(0.5);
var c3 = flip(0.5);
condition (c1+c2+c3 >= 2)
return c1;
}
var dist = Infer( {method: 'enumerate'}, model);
viz.table(dist)
print("Expected value: " + expectation(dist).toFixed(3))
viz.auto(Infer({method: 'MCMC', samples: 10000}, model));
Consider:How is the expectation of the Bernoulli variable computed? What is it equal to?
Consider:How much does the prediction change when we change the prior distribution of c1 to 0.6?
Consider:Write a function that prints the expectation for every change of the prior probability of c1 from 0.4 to 0.6. Hint: use the function 'map'.
## Simple Rate Inference (Beta-Bernoulli)
Goal: Beta distribution is a common prior for the Bernoulli distribution -- because its support is [0,1], i.e., the range of the parameter of the Bernoulli distribution. We want to infer the underlying probability of the coin that is tossed three times:
var main = function () {
var theta = beta(1,1)
var k1 = flip(theta)
var k2 = flip(theta)
var k3 = flip(theta)
condition (k1+k2+k3 == 2)
return theta
}
var dist = Infer(
{method: 'MCMC', samples: 100000},
main);
viz.auto(dist);
Consider: How would you modify the example to model tossing 5 coins? 7 coins?
Consider: Why we cannot use the inference method 'enumerate' for this example?
Consider: Try plotting the prior (beta(1,1)). You can do it by using the inference method 'forward'. What distribution does it look like? (see also discussion later about prior redictive and posterior redictive).
## Simple Rate Inference (Beta-Binomial)
Goal: Infer the underlying success rate for a binary process (a binomial distribution represents a sum of independent coin tosses). We want to determine the posterior distribution of the rate theta.
var main = function () {
var n = 10 //100
var kk = 5 //50
var theta = beta(1,1)
var k = binomial(theta, n)
condition (k == kk)
return theta
}
var dist = Infer(
{method: 'MCMC', samples: 10000},
main);
viz.auto(dist);
Consider: Let us instead have n=100 examples instead of 10 and we observe kk = 50 heads. What changes in the posterior? What remains the same?
## Difference Between Two Rates (BCM Book)
Goal: We want to compare two different binomial processes.
var main = function () {
var n1 = 10
var n2 = 10
var theta1 = beta(1,1)
var theta2 = beta(1,1)
var k1 = binomial(theta1, n1)
var k2 = binomial(theta2, n2)
condition (k1 == 5)
condition (k2 == 7)
var delta = theta1 - theta2
return delta
}
var dist = Infer(
{method: 'MCMC', samples: 100000},
main);
viz.auto(dist);
Consider: What can we conclude about the individual processes and their difference? The code below may be helpful:
// same as before
var main = function () {
var n1 = 10
var n2 = 10
var theta1 = beta(1,1)
var theta2 = beta(1,1)
var k1 = binomial(theta1, n1)
var k2 = binomial(theta2, n2)
condition (k1 == 5)
condition (k2 == 7)
var delta = theta1 - theta2
return [theta1, theta2] // note: here we return the joint distribution
}
var dist1 = Infer(
{method: 'MCMC', samples: 10000},
main);
viz.auto(dist1);
viz.marginals(dist1); // we can plot the marginals directly
Goal: infer the underlying success rate for a binary process. We want to determine the posterior distribution of the rate theta.
Show how to distinguish between:
• Prior distribution over parameters -- describes our initial belief.
• Prior predictive distribution -- describes what data to expect from the model given the prior beliefs.
• Posterior distribution over parameters -- describes our belief about the parameter distribution updated after observing data.
• Posterior predictive distribution -- describes what data to expect from the model given the updated beliefs.
var main = function () {
var n = 10
// prior:
var theta = beta(1,1)
// posterior:
var k = binomial(theta, n)
condition (k == 5)
// prior predictive:
var thetaprior = beta(1,1)
var priorpredictive = binomial(thetaprior, n)
// posterior predictive:
var postpredictive = binomial(theta, n)
return [theta, priorpredictive, postpredictive]
}
var dist = Infer(
{method: 'MCMC', samples: 10000, burn: 1000, lag: 2},
main);
viz.marginals(dist);
## HMM (PPAML 2016)
Goal: Hidden Markov Model (HMM) is a well-know probabilistic model, often used in pattern recognition and reinforcement learning.
Its basic assumption is that the (unobservable) system is transitioning between its internal states. We can observe only noisy measurements. But, we want to infer the most likely state of the system. For example, you expect some message to arrive (e.g., 0-1-0), but it may be noisy, and sometimes you may get (0-1-1) or (0-0-0). Your goal is to get the most likely intended message from the observed message.
Below, the system can be in the state 'true' or 'false' (and transition between the two with probability 0.3). In other words, if the system is in the state 'true', it will remain in this state with probability 0.7 or go to 'false' with probability 0.3; if this system is in the state 'false', it will transition to 'true' with probability 0.3 or remain 'false' with probability 0.7. The system starts from the initial state 'false'
var trueObservations = [false, true, false];
// The state transition (unobserved):
// transition to the other state with the probability 0.3
var transprob = 0.3
var transition = function(s) {
return s ? flip(1-transprob) : flip(transprob)
}
// Noisy observation:
var noiselvl = 0.1
var observe = function(s) {
var changeobservation = flip(noiselvl)
return changeobservation ? !s : s
}
var hmm = function(n) {
var prev = (n > 1) ? // note recursion !!
hmm(n - 1) : // <---- here!
{states: [false], observations: []} // initial state
// moving to the next state (the system itself is probabilistic):
var newState = transition(prev.states[prev.states.length - 1]);
// observe the noisy data
var newObs = observe(newState);
// return the trace of the states and the oboservations (we compute the probability of those)
return {
states: prev.states.concat([newState]),
observations: prev.observations.concat([newObs])
};
}
// run hmm with the three observations
var hmmrunner = function() {
var r = hmm(trueObservations.length);
map2(function(o,d) {condition(o===d)}, r.observations, trueObservations)
return r.states;
}
var stateDist = Infer({method: 'enumerate'}, hmmrunner)
viz.table(stateDist)
Consider: How is this recursion unrolling? (Suggestion: write down the execution trace on a piece of paper)
Consider: What does the function map2 do?
Consider: What happens to the posterior distribution if we change the noiselvl to 0.01 or 0.05? What happens if the noiselvl increases to 0.2?
Consider: Do your conclusions change if you extend the list of true observations to e.g., 6-7 elements?
Consider: Can this approach scale to e.g., 20 observations? Try instead running the rejection sampling: {method: 'rejection', samples: 100}, Why does it succeed or fail? Would you suggest instead a different more efficient algorithm for solving this problem?
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.69914311170578, "perplexity": 4182.072029990355}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-21/segments/1620243989030.87/warc/CC-MAIN-20210510033850-20210510063850-00522.warc.gz"}
|
http://efio.icscaponnetto.it/epanechnikov-kernel.html
|
# Epanechnikov Kernel
Kernel Methods. Distortion can be of two types, translation and rotation. This returns the data to the desired domain. 930)Choice of kernel is not as important as choice of bandwidth. The choice of his the most important factor regarding the accuracy of the estimate. Epanechnikov kernel density estimator. q (a) (b) Fig. Luke Fitzpatrick, Christopher F. a character string giving the smoothing kernel to be used. 2 Around each of the data points, we draw a kernel. Gaussian kernel, Epanechnikov kernel and tri-cube kernels [67, 37]. 7188: Quartic qua: 2. If we use the Epanechnikov kernel, it turns out that the NW estimator is optimal. It shows that the control chart by the Rectangular kernel density estimation is the widest control chart. 000 Biweight 0. DistanceMetric for a list of. Therefore rf (x) / 1 N X x[i]2Sh(x) (x[i] ¡ x) (8) Sh(x) is an N-Dimensional sphere of radius h. These values correspond to the choice of the interval width. bkde2D implements a binned 2d density estimate, and bkfe provides. The kernel density estimator for the estimation of the density value at point is defined as (6. At the heart of the belief propagation algorithm is an expensive operation called message passing. Kernel Density Estimation. 0406001 MAPE 0. kernel generates a raster density map from vector points data using a moving kernel. In Figure 9. 7 require(MASS) x = geyser$waiting xinterval = c(35,120) waiting. 5\epsilon_{t}$ and $X_{t} = x - 0. 2 The e ective kernel weights. pronouncekiwi - How To Pronounce. A discontinuous parabola kernel that is used in contouring areal density of data points in a crossplot. The Epanechnikov kernel is the most often used kernel function. Prewhitened estimators have not been considered previously in the literature on HAC covariance matrix estimation, but have been. Some older programs use a parabola-shaped Epanechnikov kernel to avoid having to evaluate the volume under the extended tails of a bivariate normal distribution. Klein and Ming Zheng as well as the editor, associate editor, and referees for helpful comments. The Gaussian kernel, Epanechnikov kernel, and triangular kernel. =ecbnikOV Kernel. The bandwidth of the kernel. Kernel Width - Bias Variance Tradeo Small = Narrow Window. Ludwig–Miller cross. Ludwig–Miller cross. pdf(data, kernel="Gaussian"). The bandwidth of the kernel. Kernel Name Kernel Function Epanechnikov (EP) 3 4 (1 u2)I(juj 1) Biweight (BI) 15 16 (1 u2) 2I(juj 1) Rectangular (RE) 1 2 I(juj 1) Triangular (TR) (1 juj)I(juj 1) Note: u is the argument of the kernel function and I(juj 1) is an indicator function that takes a value of one if its argument is true, and zero otherwise. The exact linear minimax estimator of f(0) is found for the family of f(x) in which f′(x) is Lip (M). KernelDensity estimator, which uses the Ball Tree or KD Tree for efficient queries (see Nearest Neighbors for a discussion of these). The symmetric property of kernel function enables its maximum value (max(K(u)) to lie in the middle of the curve. For all kernels jtj 1, 0 otherwise. This must be an object modeled on pyqt_fit. Other common kernels include. We use the Epanechnikov kernel function to weight neighbours according to their distances and predict the value of y o as a weighted average of all y i j ε Ν x 0. In general KDE software implementations do not take boundaries or barriers. We got the densities using the following kernel formula: (3) h is a smoothing parameter called the bandwith. Kernel approaches to learning • A class of robust non-parametric learning methods • Involves a definition for a “ kernel function ” [1] – Ex. The main difference between those kernels is that while the Gaussian kernel has an infinite support (non-zero everywhere) the Epanechnikov kernel is non-zero only on a limited domain. *** llr use local linear regression matching instead of kernel matching. 7188: Quartic qua: 2. Here N k (x ) is the set. Several types of kernel functions are commonly used: uniform, triangle, Epanechnikov, quartic (biweight), tricube, triweight, Gaussian, quadratic and cosine. • Epanechnikov • K(z) = 1 - z2 • • kernel regression yields a different coefficient for each location. Here are the most common kernel functions:. AKA: Parabolic Kernel Function. While the Epanechnikov kernel is the optimal kernel, in the sense that it minimizes the MISE, other kernels are not that subop-timal [Wand and. Kernel Distribution Overview. Common choicesofkernelsinclude thenormal kernel, Epanechnikov kernel, biweight kernel, etc. ESTIMASI DENSITAS KERNEL EPANECHNIKOV RATA -RATA RESAMPEL BOOTSTRAPUNTUK PENENTUAN WAKTU PANEN OPTIMAL TANAMAN RAMI (Boehmeria niveaL. specifies the upper grid limit for the kernel-smoothed estimate. Listen to the audio pronunciation of Epanechnikov kernel on pronouncekiwi. You must specify that at least one predictor has distribution 'kernel' to additionally specify Kernel, Support, or Width. (Note this differs from the reference books cited below, and from S-PLUS. Statext is a statistical program for personal use. The optimal choice, under some standard assumptions, is the Epanechnikov kernel. For time points t for which , the kernel-smoothed. The module can also generate a vector density map on a vector network. The algorithm used in density disperses the mass of the empirical distribution function over a regular grid of at least 512 points and then uses the fast Fourier transform to convolve this approximation with a discretized version of the kernel and then uses linear approximation to evaluate the density at the specified points. Kernel Smoothing is self-contained and assumes only a basic knowledge of statistics, calculus, and matrix algebra. Recall that the cumulative distri-bution function (cdf) of Xis F X(x) =P(X x): Normal cdf. kernel(epanechnikov). By the way, there are many kernel function types such as Gaussian, Uniform, Epanechnikov, etc. For tuning bandwidth h, we try 100 values in total, namely 0. X with n points and m kernel centers, the time complexity of computing the densities of all xi 2 X is O¹ nm º. 1 One-Dimensional Kernel Smoothers In Chapter 2, we motivated the k Ðnearest-neighbor average fö(x ) = Ave( y i |x i! N k (x )) (6. Different kernels decay at different rates, so a triweight kernel gives features greater weight for distances closer to the point then the Epanechnikov kernel does. However, when the Euclidean distances are used in. Kernel density estimation is a really useful statistical tool with an intimidating name. Although this paper investigates the properties of ASKC with the Epanechnikov kernel (henceforth ASKC1) and the normal kernel (henceforth ASKC2), our method can easily employ an arbitrary kernel. Due to its convenient mathematical properties, the normal kernel is often used, which means K ( x ) = ϕ ( x ) , where ϕ is the standard normal density function. 0406001 MAPE 0. Notes: Non-parametric regressions using Epanechnikov kernel (see Epanechnikov, 1969), local-mean smoothing, bandwidth 0. the kernel, , and the smoothing parameter, or bandwidth,. 0052 Kernel density estimate 0 1 5 y-100 -50 0 50 Health Status (t)- Health Status (t-1) kernel = epanechnikov, bandwidth = 8. But in his approbch the class of kernels taken into account reduced in size by normalization, by which the impact of the distribution of the data has been moved out from the kernel to the window width parameters. We prefer a compact kernel as it ensures that only data local to the point of interest is considered. data points. For tuning bandwidth h, we try 100 values in total, namely 0. K(t) = e−t/2 for the Gaussian kernel or K(t) = 1−t if t ∈[0,1) and 0 if t ≥1 for the Epanechnikov kernel. The kernel-smoothed estimator of is a weighted average of over event times that are within a bandwidth distance of. Parameters bandwidth float. This analytic technique has been shown to produce unbiased treatment effect estimates that are generalisable to the original survey target population. defined as the gradient of the kernel density estimate (1): ∇ˆf(x) ≡ ∇fˆ(x) = 1 hd Xn i=1 ∇K x−x i h. Diabetes Incidence Vital Rate Inference Base Epanechnikov Kernel Estimate Distribution Function These keywords were added by machine and not by the authors. Henderson and Christopher F. t = d ij / h. It is known as the mean shift vector. Most popular: Epanechnikov and Uniform Œ Kernels with higher order terms –t better (lower bias) Œ Kernels with lower order terms are smoother The kernel density estimator is biased as N ! 1 keeping h –xed but not if h ! 0 as N ! 1 Œ Since inference is done with a –xed h, assymp-totic statistical inference is complicated by an as-. Therefore, the estimation of parameters in the term structure model has been a key problem. Output is the density at gridsize evenly spaced points over range. If x1, x2, , xn ~ ƒ is an independent and identically-distributed sample of a random variable, then the kernel density approximation of its probability density function is. In the above we see the distribution, size, bandwidth and kernel values are passed along to the make_plot call. Let us look at the graphs of the normalized kernels for s= 0. The kernel function is usually chosen to be a symmet-ric and unimodal probability density function [7]. 9 de-generates to Eq. 010 y(62)=282. Epanechnikov kernel function, and the weight wi is the area under this kernel around the. In general, a kernel is an integrable function satisfying. More class CosineDistance The cosine distance (or cosine similarity). For the Epanechnikov kernel, this means specifying bw=1 defines the density corresponding to that kernel to be nonzero on (− 5, 5). More class HyperbolicTangentKernel Hyperbolic tangent kernel. Ludwig–Miller cross. As stated above, there are fewer methods that need to be implemented in kernels than probability distributions. For an introduction to nonparametric methods you can have a look at the. 3 Comparison between KDE, KDE w/o boundary correction, and histogram30 Figure 2. 2 Around each of the data points, we draw a kernel. employing Epanechnikov kernel was used for estimating bivariate probability density functions with respect to observations on cholesterol and triglyceride of the two groups. Usage kernden(times, status, estgrid, bandwidth) Arguments times A vector of survival times. Several types of kernel functions are commonly used: uniform, triangle, Epanechnikov, quartic (biweight), tricube, triweight, Gaussian, quadratic and cosine. 27 Figure 2. Kernel density estimation with parametric starts involves fitting a parametric density to the data before making a correction with kernel epanechnikov, rectangular (uniform), triangular, biweight, cosine, optcosine: Standard symmetric kernels, also used in density. Epanechnikov kernel (kernel = 'epanechnikov') Exponential kernel (kernel = 'exponential') Linear kernel (kernel = 'linear') if. Kernel: We shall use an Epanechnikov kernel here: In[2]:= Bandwidth: We shall select qq = 11 different bandwidths, ranging from a minimum (bumpy) to a maximum (smooth), as follows: In[3]:= Out[3]:= Then, in mathStatica 1. The symmetric property of kernel function enables its maximum value (max(K(u)) to lie in the middle of the curve. •However, for most other kernels C(K) is not much larger than C(Epanechnikov). The partial derivative of K E(x. Parmeter and Juan Agar, 2017. Often shortened to KDE , it’s a technique that let’s you create a smooth curve given a set of data. My concern has to do with the last line of this sample and that multiplier sqrt(5). 04 Local polynomial smooth The default bandwidth and kernel settings do not provide a satisfactory fit in this example. Most common kernels’ efficiency is better than 90%, so the literature commonly asserts that kernel choice has only a weak effect on smoothing. choice rule and Epanechnikov kernel; 8. kernden Calculate global bandwidth kernel estimates of density function Description Estimates global bandwidth kernel from right-censored data using the Epanechnikov kernel de-scribed in Silverman BW (1986). Kernel Density Estimation. (i —j)/h,K(t) is a kernel function, and V: [1, oo. Luke Fitzpatrick, Christopher F. Epanechnikov kernel (kernel = 'epanechnikov') Exponential kernel (kernel = 'exponential') Linear kernel (kernel = 'linear') if. boundary_enclosing_area_fraction() for the documentation. 1 Avergae GDP per capita growth rate *** kernel = epanechnikov, bandwidth = 0. All the modulated registered GM images are concatenated into a 4D image in the stats directory ("GM_mod_merg") and then smoothed ("GM_mod_merg_s3" for instance) by a range of Gaussian kernels; sigma = 2, 3, 4mm, i. In general KDE software implementations do not take boundaries or barriers. Cosine kernel (kernel = 'cosine') if. Air Force Grant AFOSR-89-. For the EM-binning-PCD algorithm, we set the binwidth to be 0. By the way, there are many kernel function types such as Gaussian, Uniform, Epanechnikov, etc. 9 de-generates to Eq. A kernel is higher-order kernel if > 2: These kernels will have negative parts and are not Epanechnikov k 1(u) = 3 4 1 u2 1(juj 1) 3=5 1=5 1:0000 Biweight k 2(u. 3 Adaptive kernels and nearest neighbors 346 10. Kernel Methods. Kernel density estimation, a method previously applied to archaeological data from Europe (61, 62), is used to produce the RFPE maps. More class CosineDistance The cosine distance (or cosine similarity). All the modulated registered GM images are concatenated into a 4D image in the stats directory ("GM_mod_merg") and then smoothed ("GM_mod_merg_s3" for instance) by a range of Gaussian kernels; sigma = 2, 3, 4mm, i. 0052 Kernel density estimate 0 1 5 y-100 -50 0 50 Health Status (t)- Health Status (t-1) kernel = epanechnikov, bandwidth = 8. GAUSSIAN — Bell-shaped function that falls off quickly toward plus/minus infinity. its integral over its full domain is unity for every s. Parameters bandwidth float. the kernel, , and the smoothing parameter, or bandwidth,. It shows that the control chart by the Rectangular kernel density estimation is the widest control chart. Gaussian Kernels THEOREM 2. The kernel function is usually chosen to be a symmet-ric and unimodal probability density function [7]. 7mm(2色ボールペン+シャープペン)」レーザー名入れ印刷代込み pilot,蛍光ペン 名入れ かんたん入稿 筆記具 手作りキット pta(2000本セット 単価843円)パイロット「2+1 evolt(エボルト. If TRUE, the quantity integral(u^2 * K(u) * du) * integral(K(u)^2 *du) of the selected kernel function is returned instead of the usual return value. 012 % kernel = string identifying the kernel, i. A Kernel K(. developed countries in 1976-1996 and 1996-2016 1976-1996 1996-2016 0 20 40 60 80-. Kernel Regression: NW estimator - Different K(. This modules calculates Kernel Density Estimates and related quantities for a collection of random points. Epanechnikov kernel is really under appreciated. Millennial Fact 5. Some older programs use a parabola-shaped Epanechnikov kernel to avoid having to evaluate the volume under the extended tails of a bivariate normal distribution. can be written such that: with:, the height of the jump of the Kaplan-Meier estimator at , the infinite order kernel function. 3 20nov2006 (SJ3-4: st0053; SJ6-4: st0053_3) *! with Stata plugin program locpolyslope, rclass sortpreserve version 8 syntax varlist(min=2 max=2. This research was supported by U. { Kernel eciency is measured in comparison to Epanechnikov kernel. 6}, the evaluation grid$ \mathcal{X} $consists of points in the interval$ [-6,6] $, and$ K(\cdot) $is the Epanechnikov kernel. The function determines the shape of the bump or cluster of data under scrutiny. def kde (x, y, bandwidth = silverman, kernel = epanechnikov): """Returns kernel density estimate. Kernel density estimation is a fundamental data smoothing problem where inferences about the population are made, based on a finite data sample. The thick black line represents the optimal bandwidth,. 2 Around each of the data points, we draw a kernel. The exact linear minimax estimator of f(0) is found for the family of f(x) in which f′(x) is Lip (M). The application of these methods is discussed in terms of the S computing environment. 994 Triangular 0. 2またはそれ以降のバージョンの規約に基づき、複製や再配布、改変が許可されます。. 4 0 1 −1 −0. I am currently trying to learn how to estimate the kernel density using the Epanechnikov kernel in MATLAB, and I am currently having problems with my code. This graph is larger than the others because the di erences between the. For the EM-binning-PCD algorithm, we set the binwidth to be 0. The nonparametric control chart using Epanechnikov kernel density estimation is the best estimator for estimating control chart limit determined by the ministry of health’s decision. 5 + \eta_{t}$. In the Monte Carlo simulations, 11 different matching estimators are compared: pair matching, kernel matching (with Epanechnikov and Gaussian kernel), local linear match-. The current literature has focused on optimal selectors for the univariate. 4 0 5000 10000 15000 20000 25000 GDP RESID Kernel Fit (Epanechnikov, h = 2667. Kernel denotes to a window function. Kernels implemented for continuous data types include the second, fourth, sixth, and eighth order Gaussian and Epanechnikov kernels, and the uniform kernel. 426271 n=100 MSE 0. Kernel density estimation is a fundamental data smoothing problem where inferences about the population are made, based on a finite data sample. See[ R ] kdensity for more information about these options. この文書は、フリーソフトウェア財団発行のGNUフリー文書利用許諾書 (GNU Free Documentation License) 1. kernel-weighted average, using an Epanechnikov kernel with (hal f) window width" =0. All the other graph twoway kdensity options modify how the result is displayed, not how it is. tkdensity() (sfsmisc) is a nice function which allow to dynamically choose the kernel and the bandwith with a handy graphical user interface. { Kernel eciency is measured in comparison to Epanechnikov kernel. R codes for the paper: Chen, Q. In many cases, however, the normal kernel, K(x)= 1 √ 2π e −x. 012 % kernel = string identifying the kernel, i. Therefore, the estimation of parameters in the term structure model has been a key problem. For wind direction and other circular 5. Five kernels (normal, uniform, Epanechnikov, biweight and triweight), can be selected with kernel. Risk analysis is generally undertaken on be making assumptions of the distribution of the base element of it. This modules calculates Kernel Density Estimates and related quantities for a collection of random points. Epanechnikov核函数 关键词: Epanechnikov核函数 ;有偏差采样;贝叶斯阴阳机;聚类;图像分割 [gap=796]Key words: Epanechnikov kernel function ;biased sampling;Bayesian Ying-Yang machine;clustering;image segmentation. 2 Multivariate kernel estimators 343 10. The default value equals the maximum event time. 本书第六章介绍了核方法(Kernel)。记得上高等数理统计的时候,老师布置过关于核方法的一片小论文作业,只不过当时并没有重视,作业也是应付了事。这两天读了这一章,觉得核方法是一种非常重要的工具。. ) c K z dz d z K z du K K ( ) 2 2 •Many K(. Kernel E ciency Epanechnikov 1. The algorithm used in density. Financial Time Series – Nonparametric methods in time series Andreas Petersson TMS088/MSA410 – May 2020 Mathematical Sciences, Chalmers University of Technology & University of Gothenburg, Sweden. Kernel Function. 核密度估计(kernel density estimation)是在概率论中用来估计未知的密度函数,属于非参数检验方法之一,由Rosenblatt (1955)和Emanuel Parzen(1962)提出,又名Parzen窗(Parzen window)。Ruppert和Cline基于数据集密度函数聚类算法提出修订的核密度估计方法。. These include. kernel_smoother Binned Kernel Density Estimate via FFTW Brought to you by: timlouprinceton. kernel = epanechnikov, degree = 3, bandwidth = 6. Kernel Distribution Overview. DistanceMetric for a list of. 5 1 Epanechnikov. The optimal choice, under some standard assumptions, is the Epanechnikov kernel. y(i) 10 5. ) non-parametric 95% confidence interval, based on the hypergeometric distribution when N is known, and on the binomial distribution when N is not known. ACKNOWLEDGEMENTS We wish to thank Professor J. Parmeter, Cambridge University Press, 2015. kernel(epanechnikov). kader:::. Although this paper investigates the properties of ASKC with the Epanechnikov kernel (henceforth ASKC1) and the normal kernel (henceforth ASKC2), our method can easily employ an arbitrary kernel. Box plots (box-and-whisker plots). x are the points for evaluation y is the data to be fitted bandwidth is a function that returens the smoothing parameter h kernel is a function that gives weights to neighboring data """ h = bandwidth (y) return np. , 2013; Wand & Jones, 1994), the type of kernel function (Gaussian, Epanechnikov, Triangular, Biweight etc. Epanechnikov Kernel: K of kernel density estimates [26, 38] since the range of values are in [0;1]. 75(1−t2) + and h is the bandwidth. Modify Order of Polynomial, which can be either 0 or 1. Epanechnikov Kernel 3 4 (1−u2) 0 1. dens0 = density(x, bw='nrd0', kernel='gaussian') #same. algorithm str. Kernel-smoothed hazard estimation To estimate a smoothed version of the hazard function using a kernal method, rst pick a kernel, then use bh= 1 b XD i=1 K t t i b He(t i) where D is the number of death times and b is the babdwidth (instead of h). k(·) is the kernel function in which an Epanechnikov kernel function is applied. KDE is a non-parametric way of getting Probability Density Function centering around each data-point’s (of the sample) location. Unlike linear regression which is both used to explain phenomena and for prediction (understanding a phenomenon to be able to predict it afterwards), Kernel regression is mostly used for prediction. 78n−1/5 Unless you delve more deeply into kernel estimation theory, my recommendation is to use the rule-of-thumb bandwidth, perhaps adjusted by visual inspection of the resulting esitmate fˆ(x). # Requirements. The RBF kernel is defined as K RBF(x;x 0) = exp h kx x k2 i where is a parameter that sets the “spread” of the kernel. 3 20nov2006 (SJ3-4: st0053; SJ6-4: st0053_3) *! with Stata plugin program locpolyslope, rclass sortpreserve version 8 syntax varlist(min=2 max=2. kernel = epanechnikov, bandwidth = 10. I'm looking for guidance on the best Kernel density function to create a graph of income distributions which are naturally highly skewed right. The kernel distribution is a nonparametric estimation of the probability density function (pdf) of a random variable. Here, as for all the examples in this paper, the kernel used is the quadratic kernel due to Epanechnikov (see, for example, Silverman, 1986, p. However, when the Euclidean distances are used in. By examining EquationC. Bandwidth, however, is particularly critical in determining outer contours (home-range estimate) and, to a lesser extent, also affects estimation of the utilization distribution ( Seaman & Powell 1996 ; Fieberg 2007 b ). See[ R ] kdensity for more information about these options. is symmetric (e. Epanechnikov (1969), and Sheather (1986). kernel GPL function is available in Version 16. Unordered discrete data types use a variation on Aitchison and Aitken's (1976) kernel, while ordered data types use a variation of the Wang and van Ryzin (1981) kernel. A particular value of h makes a difierent amount of smoothing depending on which kernel is being used. Kernel Functions. 112 y(60) + 0. While, the obtained control chart by the Epanechnikov kernel density estimation which have the smallest value of variance. Under a single-index regression assumption, we introduce a new semiparametric procedure to estimate a conditional density of a censored response. Kernel density map, Lung Case data, 3D visualization. Compared with other kernel functions, the Epanechnikov kernel function shows potential to provide sufficient. You can copy data from your document and paste it in Statext. 02, pwidth = 97. These results are derived under the assumption that the variable follows an Epanechnikov kernel distribution with known mean and range prior to censoring. Risk Preferences for Civilians and Rebel Combatants in Syria (linear EG game) 0. • Figure 11. 1 The Epanechnikov kernel. the kernel, , and the smoothing parameter, or bandwidth,. The result of Epanechnikov suggests that there exists an optimal kernel which is independent of the distribution of the data. Kernel density estimate. Kernel density estimation requires two components, the kernel and the bandwidth. Many people like to use normal (Gaussian) distributions for simplicity. algorithm str. An Epanechnikov Kernel is a kernel function that is of quadratic form. However, since the procedure involves non-smooth kernel density functions, the convergence behavior of Epanechnikov mean shift lacks the-oretical support as of this writing—most of the existing anal-yses are based on smooth functions and thus cannot be ap-plied to Epanechnikov Mean Shift. We note that this includes all compactly supported kernels, such as the Epanechnikov kernel [8] and other similar kernels that are often used in. An alternative is to use a true multivariate function , as e. Epanechnikov Kernel: K of kernel density estimates [26, 38] since the range of values are in [0;1]. ) are possible. It shows that the control chart by the Rectangular kernel density estimation is the widest control chart. developed countries in 1976-1996 and 1996-2016 1976-1996 1996-2016 0 20 40 60 80-. 146 y(56) + 0. bkde2D implements a binned 2d density estimate, and bkfe provides. RGB-BW method uses a transformed background weighted target model. A KDE weights a defined density around each observation x r equally first. EPANECHNIKOV — A discontinuous Kernel Interpolation with Barriers is a moving window predictor # that uses non-Euclidean distances. "JH": Selector for the Gaussian copula kernel, based on normal reference rule. Next, we estimate the probability density function, using the Epanechnikov kernel and the default value for the bandwidth: >>> import statistics >>> y, x = statistics. 8, with 84% confidence intervals included. The module exports the estimated function as a new variable, which can then be used for various non-parametric estimation procedures. District density of nurses and midwives: histogram (593 bins) and Epanechnikov kernel estimate Series No. Kernel shape. The module can also generate a vector density map on a vector network. Gaussian Kernel: hrule=1. In this case, the derivative of the profile, g(x), is constant and (3) is reduced to a simple weighted average: ˆy1 = n h i=1 xiwi nh i=1 wi (6) 3 Blur Modeling To model the underlying blurs for visual tracking,the. In many cases, however, the normal kernel, K(x)= 1 √ 2π e −x. At the heart of the belief propagation algorithm is an expensive operation called message passing. FILE='C:\Program Files\IBM\SPSS\Statistics\19\Samples\English\ozone. Although the EK is widely used, its basic formulation requires fully observed input feature vectors. The weights are controlled by the choice of kernel function, , defined on the interval [–1,1]. The regression model can be seen as a generalization of Cox regression model and also as a profitable tool to perform dimension reduction under censoring. We derive consistency and. The major difference between the two is that the Gaussian kernel is defined over an infinite domain and the Epanechnikov kernel is defined over a finite range. Group 2 Module 6, February 12, 2018. It should be noted that the Gaussian kernel defined on the infinite range (unbounded support) has been used during the implementation of the kernel density estimation method. Kernel Functions. In statistics, kernel density estimation (KDE) is a non-parametric way to estimate the probability density function of a random variable. At higher resolutions, more features within the data are attempted to be identified but this may sometimes not be desirable, depending on your vizualisation objectives. This returns the data to the desired domain. Tom a s Havr anek, Ph. If we use the Epanechnikov kernel for K(x), its gradient is linear inside the bandwidth. 1 shows the NW estimator with Epanechnikov kernel and h=0. The kernel parameter is a text string specifying the univariate kernel function which is either the gaussian pdf or proportional to (1-|u|^p)^q. At this time, as a method of determining whether a candidate sample X′ has the same feature quantity as that of the target sample X, for example, the following method can be used. Visually selecting a bandwidth involves trial and error. Different kernels decay at different rates, so a triweight kernel gives features greater weight for distances closer to the point then the Epanechnikov kernel does. Kernel Distribution Overview. The default is epanechnikov, but I was wondering if one was intended for data with skewness?. The density estimate at a point x is then estimated as the kernel contribution of all train points at x fˆ(x) = 1 mh P m i=1 k x−x i h (1) Gaussian,and Epanechnikov kernels are examples of such smoothing kernels. The statistical properties of a kernel are. Priestley-Epanechnikov kernel (Priestley 1962, 1981, pp. epanechnikov Epanechnikov kernel function epan2 alternative Epanechnikov kernel function. 7188: Quartic qua: 2. • Epanechnikov • K(z) = 1 - z2 • • kernel regression yields a different coefficient for each location. The kernel distribution uses the following options. Epanechnikov (1969), and Sheather (1986). each si, and k(x) is the kernel function. The kernel distribution is a nonparametric estimation of the probability density function (pdf) of a random variable. Option kernel must be used to set the choice of kernel. The symmetric property of kernel function enables its maximum value (max(K(u)) to lie in the middle of the curve. Función kernel Epanechnikov Una función parabólica discontinua Kernel que se utiliza en el trazado de curvas de contorno de la densidad areal de los puntos de. The module can also generate a vector density map on a vector network. Klein and Ming Zheng as well as the editor, associate editor, and referees for helpful comments. Most popular: Epanechnikov and Uniform Œ Kernels with higher order terms –t better (lower bias) Œ Kernels with lower order terms are smoother The kernel density estimator is biased as N ! 1 keeping h –xed but not if h ! 0 as N ! 1 Œ Since inference is done with a –xed h, assymp-totic statistical inference is complicated by an as-. For our EM-kernel-PCD algorithm, we use an Epanechnikov kernel with α = β = 5. 2またはそれ以降のバージョンの規約に基づき、複製や再配布、改変が許可されます。. See if the density. kernel density estimator (KDE; sometimes called kernel density estimation). This can be useful if you want to visualize just the “shape” of some data, as a kind of continuous replacement for the discrete histogram. KERNEL [enumeration] Default: 0. EPANECHNIKOV KERNEL DENSITY ESTIMATION OF BOOTSTRAP RESAMPLE’S MEAN IN DETERMINING THE OPTIMUM HARVEST TIME OF RAMI(Boehmeria nivea L. Indeed, the weight assigned to observation decreases at least inverse proportional to the distance with the point of interest. qvis provides a streamlined interface which is suitable for simple plots; when you need more control over plots, ggvis may be more appropriate. Moreover, if we use as the kernel function the Epanechnikov density, Altman and Leger(1995) prove that an optimal choice is made taking = n 0:3^˙(x i);with ˙^(x. kernel is a switch to select the kernel function (1= Gaussian (default), 2=Uniform, 3=Triangular, 4=Biweight (Quatric), 5=Triweight, 6=Epanechnikov). It does not need to be sorted. Arnold Schwarzenegger This Speech Broke The Internet AND Most Inspiring Speech- It Changed My Life. Epanechnikov kernel: biweight kernel: The kernel-smoothed hazard rate estimator is defined for all time points on. The bandwidth of the kernel is determined by a rectangle around the observations. Fourth, the shape of the regression function does not consistently determine the performance of the. The result of Epanechnikov suggests that there exists an optimal kernel which is independent of the distribution of the data. A numeric vector of the Epanechnikov kernel evaluated at the values in x. Epanechnikov Kernel 3 4 (1−u2) 0 1. AKA: Parabolic Kernel Function. 27 Figure 2. 012 % kernel = string identifying the kernel, i. A wide range of kernel functions can be used in kernel density estimation [ 26 ]. Try adding the -kernel(epan2)- option to your -lpoly- call. One can define the relative efficiency of other kernels compared with the Epanechnikov kernel as the ratio of their values of C(K)5/4. 000528969 0. The primary reason for putting an emphasis on the Gaussian kernel is due to two nice properties of. So for the Epanechnikov kernel,. Identified two subgenomes based on DNA reads alignment and Epanechnikov kernel to smooth the count data 4. Gaudich) - UNS Institutional Repository Saraswati, 2009. Epanechnikov/Tri-cube Kernel , is the xed size radius around the target point Gaussian kernel, is the standard deviation of the gaussian function = k for KNN kernels. Statext is a statistical program for personal use. Listen to the audio pronunciation of Epanechnikov kernel on pronouncekiwi. specifies the upper grid limit for the kernel-smoothed estimate. •This leaves a more general problem to deal with: observation weights. A kernel function must be symmetrical. At this stage it is worth describing an intuitive interpretation of the kernel method. Kernels implemented for continuous data types include the second, fourth, sixth, and eighth order Gaussian and Epanechnikov kernels, and the uniform kernel. 1The best rate of convergence of the MISE of kernel density estimate is of order N¡4=5 while that of the histogram is of the order N¡2=3. t = d ij / h. This must be an object modeled on pyqt_fit. 5 (low marginal pdf), it gives more weight to observations around x. • Epanechnikov • K(z) = 1 - z2 • • kernel regression yields a different coefficient for each location. Listen to the audio pronunciation of Epanechnikov kernel on pronouncekiwi How To Pronounce Epanechnikov kernel: Epanechnikov kernel pronunciation Sign in to disable ALL ads. Available kernel density functions are uniform, triangular, epanechnikov, quartic, triweight, gaussian, cosine, default is gaussian. pd = fitdist(x, 'Kernel', 'Kernel', 'epanechnikov') pd = KernelDistribution Kernel = epanechnikov Bandwidth = 14. More class CosineDistance The cosine distance (or cosine similarity). lambdas [source] ¶ Scaling of the bandwidth, per data point. Plot your results (data and smoothing functions) comparing them to global linear regression. Kernel density estimation, a method previously applied to archaeological data from Europe (61, 62), is used to produce the RFPE maps. You can copy data from your document and paste it in Statext. 951 Uniform 0. 3 Nonkernel methods 338 10. Identified two subgenomes based on DNA reads alignment and Epanechnikov kernel to smooth the count data 4. Vectorized evaluation of the Epanechnikov kernel. Bartlett-Priestley-Epanechnikov kernel). Mathematically this property can be expressed as K (-u) = K (+u). kader:::. Although this paper investigates the properties of ASKC with the Epanechnikov kernel (henceforth ASKC1) and the normal kernel (henceforth ASKC2), our method can easily employ an arbitrary kernel. The exact linear minimax estimator of f(0) is found for the family of f(x) in which f′(x) is Lip (M). Kernel density map, Lung Case data, 3D visualization. 10we observe that the reason for discontinuities is due to our particular choice of weighting functionw, which has zero derivatives and discontinuities at jxj˘1. Visually selecting a bandwidth involves trial and error. Kernel denotes to a window function. Analyzed homeologous gene expression bias between subgenomes via a likelihood ratio test. 1 Logspline 338 10. "Threshold Effects in Meta Analyses with Application to Benefit Transfer for Coral Reef Valuation," Ecological Economics , 133(1), 74-85. kernel GPL function is available in Version 16. Usage kernden(times, status, estgrid, bandwidth) Arguments times A vector of survival times. 1 The Epanechnikov kernel. An Epanechnikov Kernel is a kernel function that is of quadratic form. ACKNOWLEDGEMENTS We wish to thank Professor J. specifies the kernel used. dens0 = density(x, bw='nrd0', kernel='gaussian') #same. In our implementation, kernel with Epanechnikov profile k(x)= 1 2 c −1 d (d+2)(1−x) if x ≤ 1 0 otherwise (5) is used. In other words, the kernel regression estimator is r^(x) = P n i=1 K x i h y i. 2063 Kernel density estimate The choice of Kernel has very little impact on the density. n: the number of equally-spaced points at which to estimate the density. You can use a kernel distribution when a parametric distribution cannot properly describe the data, or when you want to avoid making assumptions about the distribution of the data. Luke Fitzpatrick, Christopher F. All the modulated registered GM images are concatenated into a 4D image in the stats directory ("GM_mod_merg") and then smoothed ("GM_mod_merg_s3" for instance) by a range of Gaussian kernels; sigma = 2, 3, 4mm, i. 2 patchlevel 3 0 0. Logistic kernel Gaussian Epanechnikov n MAE= 10 MSE 0. 2 Kernel Density Estimation 2. The resulting estimator is then used to verify a conjecture of Sacks and Ylvisaker concerning the near optimality of the Epanechnikov kernel. 112 y(60) + 0. 2 Bandwidth Estimation The bandwidth h (or hθ) is a crucial parameter in kernel density estimation. The algorithm used in density. For classification, this is my favorite kernel. This study contributes to the scant finance literature on information flow from international economic policy uncertainty to emerging stock markets in Africa, using daily US economic policy uncertainty as a proxy and the daily stock market index for Botswana, Egypt, Ghana, Kenya, Morocco, Nigeria, Namibia, South Africa, and Zambia from 31 December 2010 to 27 May 2020, using the Rényi. MSE value to Epanechnikov kernel estimator is 44,5985×10-29, RMSE value is 6,7812×10-15 and MAD value is 2,6621×10-15. This kernel has the advantages of. A common notation for bandwidth is h, but we use b because h is used for the hazard function. ↩ Also known as the Parzen-Rosemblatt estimator to honor the proposals by Parzen and Rosenblatt. 7mm(2色ボールペン+シャープペン)」レーザー名入れ印刷代込み pilot,蛍光ペン 名入れ かんたん入稿 筆記具 手作りキット pta(2000本セット 単価843円)パイロット「2+1 evolt(エボルト. The weights in these regressions were based on the Epanechnikov kernel-density function, and the bandwidth was selected using the rule-of-thumb method. Logistic kernel Gaussian Epanechnikov n MAE= 10 MSE 0. default disperses the mass of the empirical distribution function over a regular grid of at least 512 points and then uses the fast Fourier transform to convolve this approximation with a discretized version of the kernel and then uses linear approximation to evaluate the density at the specified points. The kernel-smoothed estimator of is a weighted average of over event times that are within a bandwidth distance of. For the five presented here, the worst is the box estimator, but C(Box) < 1. Ángeles García 1, Nuria Pardo 1, M. The module can also generate a vector density map on a vector network. The normal distribution curve looks like a bell, and simply in KDE we call this as Kernel Shape. So for the Epanechnikov kernel,. Structure The bandwidth selector is a function of four arguments: The data x, a kernel string kernel, a start. 1 Avergae GDP per capita growth rate *** kernel = epanechnikov, bandwidth = 0. Henderson and Le Wang, Journal of Applied Econometrics , 2017, 32, 1027-1032. [D] Epanechnikov kernel Would any of you have a good documentation on the Epanechnikov kernel, or could you give me some explanations. But there are more kernel shapes available like Cosine, Gaussian, Tricube, etc. from math import ceil import numpy as np from scipy import linalg #Defining the bell shaped kernel function - used for plotting later on def kernel_function (xi, x0, tau =. specifies the upper grid limit for the kernel-smoothed estimate. In this paper, the parameters of term structure model is estimated by using two different kernel functions: Gauss kernel function and Epanechnikov kernel function with the data of the repurchasing rate in Shanghai stock market. Epanechnikov Kernel 3 4 (1−u2) 0 1. •It has been proven that the Epanechnikov kernel is the minimizer. Following Gasser and Miiller (1979) these modified kernels, for the uniform kernel (6. This graph is larger than the others because the di erences between the. You can use a kernel distribution when a parametric distribution cannot properly describe the data, or when you want to avoid making assumptions about the distribution of the data. Under a single-index regression assumption, we introduce a new semiparametric procedure to estimate a conditional density of a censored response. developed countries Panel B: Developing vs. Here N k (x ) is the set. 015 % 'triweight' - Tri-weight kernel. Kernel density estimation is a fundamental data smoothing problem where inferences about the population are made, based on a finite data sample. Unordered discrete data types use a variation on Aitchison and Aitken's (1976) kernel, while ordered data types use a variation of the Wang and van Ryzin (1981) kernel. [x] Kernels are often chosen for their analytical properties instead. 04/19/20 - The automatic identification system (AIS), an automatic vessel-tracking system, has been widely adopted to perform intelligent tra. rgb[c("blue", "magenta", "cyan", #"green", "MediumBlue", "red", "black", "yellow", "blue. Kernel density estimation, a method previously applied to archaeological data from Europe (61, 62), is used to produce the RFPE maps. The next step is to sum up all densities to get a density function. My concern has to do with the last line of this sample and that multiplier sqrt(5). The kernels are scaled such that this is the standard deviation of the smoothing kernel. RGB-BW method uses a transformed background weighted target model. Función kernel Epanechnikov Una función parabólica discontinua Kernel que se utiliza en el trazado de curvas de contorno de la densidad areal de los puntos de. Sign in to disable ALL ads. 6 times the range of input streamflow values. In this regard, a kernel function K is needed – e. Just to add some solid code, I wanted imfilter(A, B) equivalent in python for simple 2-D image and filter (kernel). KDE is a non-parametric way of getting Probability Density Function centering around each data-point’s (of the sample) location. 3a we have three points, so n = 3. Ludwig–Miller cross. "Threshold Effects in Meta Analyses with Application to Benefit Transfer for Coral Reef Valuation," Ecological Economics , 133(1), 74-85. •This leaves a more general problem to deal with: observation weights. [x] Kernels are often chosen for their analytical properties instead. The next step is to sum up all densities to get a density function. Kernel density estimation in scikit-learn is implemented in the sklearn. situation, we want to restrict the support, like in the Epanechnikov kernel --at the cost of being not differentiable at ± 1. Epanechnikov Kernel (lambda = 0. Gaussian Kernel: = − 2 exp 2 1 ( ) u2 k u π (7) The problem of selecting the smoothing parameter for kernel estimation has been explored by many authors and no procedure is yet been considered the best in every situation. How to say Epanechnikov in English? Pronunciation of Epanechnikov with 1 audio pronunciation, 1 translation and more for Epanechnikov. Finally we compare this kernel with the global alignment kernel in a classi cation task using support vector machines. Identified two subgenomes based on DNA reads alignment and Epanechnikov kernel to smooth the count data 4. ) are possible. EPANECHNIKOV KERNEL DENSITY ESTIMATION OF BOOTSTRAP RESAMPLE’S MEAN IN DETERMINING THE OPTIMUM HARVEST TIME OF RAMI(Boehmeria nivea L. Klein and Ming Zheng as well as the editor, associate editor, and referees for helpful comments. In case of rotational distortion, the image gets rotated from center by a certain angle. The bandwidth selection methods are proposed by Histogram Bin Width method, Bandwidth for Kernel Density Estimation method, and Bandwidth for Local Linear Regression method to estimate the local polynomial. 165 In September 2015, the world came together to launch an ambitious Agenda for Sustainable Development. This returns the data to the desired domain. A smoothing kernel K is any smooth function satisfying K(x) ≥ 0 (1) Z K(x)dx = 1 (2) Z xK(x)dx = 0. Practical and theoretical considerations limit the choices. The weights are controlled by the choice of kernel function, , defined on the interval [–1,1]. However, since the procedure involves non-smooth kernel density functions, the convergence behavior of Epanechnikov mean shift lacks the-oretical support as of this writing—most of the existing anal-yses are based on smooth functions and thus cannot be ap-plied to Epanechnikov Mean Shift. 951 Uniform 0. 005): return np. Kernel density map, Lung Case data, 3D visualization. We define a modified kernel which accounts for the restricted range of data. GaussianMixture), and neighbor-based approaches such as the kernel density estimate (sklearn. In the table below, if $K$ is given with a bounded support , then $K(u) = 0$ for values of u lying outside the support. (3) Some common smoothing kernels are • The Gaussian kernel K(x) = √1 2π exp(−x2/2) • The Epanechnikov kernel K(x) = 3 4 (1−x2), x ∈ [−1,1], 0 otherwise Given a kernel K and a positive bandwidth h, the kernel density estimator is. is the kernel which Gaussian and Epanechnikov ones are more popular and defined as follows: Epanechnikov kernel: (2) Gaussian kernel: (3) Candidate model is defined as: (4) As it could be seen, the only difference between the target and candidate models is h, the scale of kernel. We use the Epanechnikov kernel function to weight neighbours according to their distances and predict the value of y o as a weighted average of all y i j ε Ν x 0. We use a conditional kernel density estimator and pick the optimal bandwidths through cross-validated maximum likelihood, using 50 restarts and an Epanechnikov kernel. Kernel density map, Lung Case data, 3D visualization. Moreover, if we use as the kernel function the Epanechnikov density, Altman and Leger(1995) prove that an optimal choice is made taking = n 0:3^˙(x i);with ˙^(x. developed countries Panel B: Developing vs. Many people like to use normal (Gaussian) distributions for simplicity. ↩ Although the efficiency of the normal kernel, with respect to the Epanechnikov kernel, is roughly \(0. however, to be certain that it belongs i'd need to know the precise functional form of the kernel. Automatic bandwidth selection. #sample R code for KDE from Rizzo example 10. Kernel Interpolation uses the following radially symmetric kernels: Exponential, Gaussian, Quartic, Epanechnikov, Polynomial of Order 5, and Constant. In other words, the kernel regression estimator is r^(x) = P n i=1 K x i h y i. 014 % 'biweight' - Bi-weight kernel. Created Date: 12/1/2006 1:35:00 PM. ↩ Although the efficiency of the normal kernel, with respect to the Epanechnikov kernel, is roughly \(0. The Cauchy kernel. It is an invaluable introduction to the main ideas of kernel estimation for students and researchers from other discipline and provides a comprehensive reference for those familiar with the topic. A KDE weights a defined density around each observation x r equally first. Epanechnikov kernel: K(u)=Cr(1 − u0u)1(u0u ≤ 1). The efficiency column in the figure displays the efficiency of each of the kernels choices as a percentage of the efficiency of the Epanechnikov kernel. This can be useful if you want to visualize just the “shape” of some data, as a kind of continuous replacement for the discrete histogram. Kernel density estimation, a method previously applied to archaeological data from Europe (61, 62), is used to produce the RFPE maps. 000380845 0. Plot your results (data and smoothing functions) comparing them to global linear regression. Kernel E ciency Epanechnikov 1. Kernel is the weighting kernel function used with KNN-Regression method : 0(or missing)=Uniform, 1=Triangular, 2=Epanechnikov, 3=Quartic, 4=Triweight, 5=Tricube, 6=Gaussian, 7=Cosine, 8=Logistic, 9= Sigmoid, 10= Silverman. Kernel Density Estimation¶. 1 The nature of the problem 341 10. Following Gasser and Miiller (1979) these modified kernels, for the uniform kernel (6. 75(1 ) ( 1,1) ( 1) = −2 ∈− ≤ K u u I on u u (6) ii. Visit Stack Exchange. The regression model can be seen as a generalization of Cox regression model and also as a profitable tool to perform dimension reduction under censoring. Please free to add those kernel shape and modify the code. Gaussian kernel: • Learning methods based on kernels. Download libmlpack-dev_3. In general, a kernel is an integrable function satisfying. Kernel Density Estimation. Kernel denotes to a window function. view more Credit: Daoust, 2020 (PLOS ONE, CC BY). The efficiency column in the figure displays the efficiency of each of the kernels choices as a percentage of the efficiency of the Epanechnikov kernel. Epanechnikov kernel density estimator. This can be useful if you want to visualize just the “shape” of some data, as a kind of continuous replacement for the discrete histogram. The choices are as follows: BIWEIGHT BW. Let us look at the graphs of the normalized kernels for s= 0. Kernel density estimation is a fundamental data smoothing problem where inferences about the population are made, based on a finite data sample. , 2013; Wand & Jones, 1994), the type of kernel function (Gaussian, Epanechnikov, Triangular, Biweight etc. Group 2 Module 6, February 12, 2018. •The NW estimator is defined by • Similar situation as in KDE: No finite sample distribution theory for I. The most commonly used ones are the Gaussian and Epanechnikov kernel functions [ 11 ]. The Curse of Dimensionality for Kernel Estimation Difficult to nonparametrically estimate pdf’s of high dimensional Z i. Next, we estimate the probability density function, using the Epanechnikov kernel and the default value for the bandwidth: >>> import statistics >>> y, x = statistics. The symmetric property of kernel function enables its maximum value (max(K(u)) to lie in the middle of the curve. 4 0 1 −1 −0. Is this the pattern that one would expect of a spatially random process? As a reference distribution, Bartlett. 2 The e ective kernel weights. The generalized Bhattacharyya coefficient is defined as ρˆ(yi,y−i) = PM m=1 p. Ultrasound (US) imaging is considered as one of the most advanced diagnostic tools in medical use. Valid options are [‘kd_tree’|’ball_tree’|’auto’]. The module can also generate a vector density map on a vector network. Gaussian Kernel: = − 2 exp 2 1 ( ) u2 k u π (7) The problem of selecting the smoothing parameter for kernel estimation has been explored by many authors and no procedure is yet been considered the best in every situation. However, according to other authors (Bowman & Azzalini, 1997; Soh et al. In non-parametric statistics, a kernel is a weighting function which satisfies the following properties. will use the biweight kernel. The most popular choice for K is the optimal Epanechnikov kernel that has a uniform derivative of G = 1 which is also computationally simple. 5\epsilon_{t} $and$ X_{t} = x - 0. 10 from Ubuntu Universe repository. 75(1 ) ( 1,1) ( 1) = −2 ∈− ≤ K u u I on u u (6) ii. The RBF kernel is defined as K RBF(x;x 0) = exp h kx x k2 i where is a parameter that sets the “spread” of the kernel. 0406001 MAPE 0. default disperses the mass of the empirical distribution function over a regular grid of at least 512 points and then uses the fast Fourier transform to convolve this approximation with a discretized version of the kernel and then uses linear approximation to evaluate the density at the specified points. Rkern: a logical flag. kernel = epanechnikov, degree = 3, bandwidth = 6. 00138426 MAE 0. Note that for kernels with support (as the Epanechnikov kernel) observations in a cube around are used to estimate the density at the point. The researchers recommend that the parametric (kernel-based) confidence intervals be used when the. with bandwidth σ > 0 and kernel K(t), e. Klein and Ming Zheng as well as the editor, associate editor, and referees for helpful comments. A Kernel Density Estimate (KDE) is similar to a histogram, but improves on two known problems of histograms: it is smooth (whereas a histogram is ragged) and does not suffer from ambiguity in regards to the placement of bins. The kernel distribution uses the following options. The kernel function used in the simulation.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 2, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.6998050212860107, "perplexity": 1978.006893929445}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2020-45/segments/1603107894890.32/warc/CC-MAIN-20201027225224-20201028015224-00564.warc.gz"}
|
http://dekalogblog.blogspot.com/2010/05/monte-carlo-optimisation-of-control.html
|
## Monday, 3 May 2010
### Monte Carlo Optimisation of Control Limits #3
Following on from the previous blog post, further investigation of the Kolmogorov-Smirnov test failures for periods 16, 24, 32, 40 and 48 density plots, for both amplitude 1 and variable amplitude, show that in each case the distributions "collapse to a unique value" and essentially there is no variation as the max and min values in each distribution are the same, 0.2071068. This is of no concern regarding the result of the Kolmogorov-Smirnov test, it just means for these periods there will not be two separate multipliers for the ucl and lcl: in effect there will just be a line of support/resistance instead of a zone, although I have an idea to address this which will be outlined later.
For Kolmogorov-Smirnov test failures for periods 27, 38, 45 and 49 refer to the density plot above, which is similar for all four period failures. It can be seen that the tails are almost identical and that the "plateau" area shows some variation: I surmise that it is this variation in the plateau that leads to the rejection of the null hypothesis. However, for the purposes of setting the ucl and lcl multipliers it is the tails that are of interest, and since the tails so similar to each other these test failures are also of no consequence.
The conclusion to be drawn from these tests is that
• in regard to choosing the optimum values for the ucl and lcl multipliers for our theoretical sine wave for any single, constant period sine wave the phase and amplitude of the sine wave has no noticeable effect on the optimum choice, as the distributions for any single period multiplier are, at least in the tails of interest, statistically the same.
• as a result of this the separate distributions for each single period sine wave can be combined in to one larger distribution for that period for the actual determination of the multipliers.
The actual determination of these multipliers for each period will be the subject of the next post.
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9070900082588196, "perplexity": 447.6032980960259}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.3, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2017-30/segments/1500549424247.30/warc/CC-MAIN-20170723042657-20170723062657-00639.warc.gz"}
|
https://worldwidescience.org/topicpages/t/tutorial+review+highlights.html
|
#### Sample records for tutorial review highlights
1. Historical review of tutorial in education
Directory of Open Access Journals (Sweden)
María Gabriela Luna Pérez
2015-01-01
Full Text Available For centuries, tutorials have always been of an individual character in the history of education. The paper reviews how tutorials in education have evolved from ancient Greece to the present by considering taking into account the following aspects: a its general understanding, b the favorite areas of orientation c the role of learning guiding process d the supporting role of tutorials. We offer a historical account of tutorials development in Mexican Education. The study provides the main trends of tutorial activities in primary education, the evidence confirmed that tutoring has evolved from the learning of philosophical and ethical questions to the multiple learning involving competencies.
2. Low temperature plasma biomedicine: A tutorial review
International Nuclear Information System (INIS)
Graves, David B.
2014-01-01
Gas discharge plasmas formed at atmospheric pressure and near room temperature have recently been shown to be potentially useful for surface and wound sterilization, antisepsis, bleeding cessation, wound healing, and cancer treatment, among other biomedical applications. This tutorial review summarizes the field, stressing the likely role of reactive oxygen and nitrogen species created in these plasmas as the biologically and therapeutically active agents. Reactive species, including radicals and non-radical compounds, are generated naturally within the body and are now understood to be essential for normal biological functions. These species are known to be active agents in existing therapies for wound healing, infection control, and cancer treatment. But they are also observed at elevated levels in persons with many diseases and are associated with aging. The physical and chemical complexity of plasma medical devices and their associated biochemical effects makes the development of safe, effective plasma medical devices and procedures a challenge, but encouragingly rapid progress has been reported around the world in the last several years
3. Low temperature plasma biomedicine: A tutorial review
Energy Technology Data Exchange (ETDEWEB)
Graves, David B., E-mail: [email protected] [University of California at Berkeley, Berkeley, California 94720 (United States)
2014-08-15
Gas discharge plasmas formed at atmospheric pressure and near room temperature have recently been shown to be potentially useful for surface and wound sterilization, antisepsis, bleeding cessation, wound healing, and cancer treatment, among other biomedical applications. This tutorial review summarizes the field, stressing the likely role of reactive oxygen and nitrogen species created in these plasmas as the biologically and therapeutically active agents. Reactive species, including radicals and non-radical compounds, are generated naturally within the body and are now understood to be essential for normal biological functions. These species are known to be active agents in existing therapies for wound healing, infection control, and cancer treatment. But they are also observed at elevated levels in persons with many diseases and are associated with aging. The physical and chemical complexity of plasma medical devices and their associated biochemical effects makes the development of safe, effective plasma medical devices and procedures a challenge, but encouragingly rapid progress has been reported around the world in the last several years.
4. Tutorial Review for Understanding of Cholangiopathy
Directory of Open Access Journals (Sweden)
Yasuni Nakanuma
2012-01-01
Full Text Available The biliary tree consists of intrahepatic and extrahepatic bile ducts and is lined by biliary epithelial cells (or cholangiocytes. There are also peribiliary glands around the intrahepatic large bile ducts and extrahepatic bile ducts. The biliary tree is a conduit of bile secreted by hepatocytes and biliary epithelial cells and also of the peribiliary glands and has several physiological roles. A number of diseases affect mainly the intrahepatic and extrahepatic biliary tree, and, in this special issue, these cholangiopathies are reviewed in detail with respect to genetics, pathogenesis, and pathology. In this paper, the anatomy and physiology of the biliary tree, basic injuries to biliary epithelial cells from stress and bile duct damage, and representative cholangiopathies are briefly reviewed.
5. A Tutorial Review on Fractal Spacetime and Fractional Calculus
Science.gov (United States)
He, Ji-Huan
2014-11-01
This tutorial review of fractal-Cantorian spacetime and fractional calculus begins with Leibniz's notation for derivative without limits which can be generalized to discontinuous media like fractal derivative and q-derivative of quantum calculus. Fractal spacetime is used to elucidate some basic properties of fractal which is the foundation of fractional calculus, and El Naschie's mass-energy equation for the dark energy. The variational iteration method is used to introduce the definition of fractional derivatives. Fractal derivative is explained geometrically and q-derivative is motivated by quantum mechanics. Some effective analytical approaches to fractional differential equations, e.g., the variational iteration method, the homotopy perturbation method, the exp-function method, the fractional complex transform, and Yang-Laplace transform, are outlined and the main solution processes are given.
6. Amphoteric oxide semiconductors for energy conversion devices: a tutorial review.
Science.gov (United States)
Singh, Kalpana; Nowotny, Janusz; Thangadurai, Venkataraman
2013-03-07
In this tutorial review, we discuss the defect chemistry of selected amphoteric oxide semiconductors in conjunction with their significant impact on the development of renewable and sustainable solid state energy conversion devices. The effect of electronic defect disorders in semiconductors appears to control the overall performance of several solid-state ionic devices that include oxide ion conducting solid oxide fuel cells (O-SOFCs), proton conducting solid oxide fuel cells (H-SOFCs), batteries, solar cells, and chemical (gas) sensors. Thus, the present study aims to assess the advances made in typical n- and p-type metal oxide semiconductors with respect to their use in ionic devices. The present paper briefly outlines the key challenges in the development of n- and p-type materials for various applications and also tries to present the state-of-the-art of defect disorders in technologically related semiconductors such as TiO(2), and perovskite-like and fluorite-type structure metal oxides.
7. Recent developments in computer vision-based analytical chemistry: A tutorial review.
Science.gov (United States)
Capitán-Vallvey, Luis Fermín; López-Ruiz, Nuria; Martínez-Olmos, Antonio; Erenas, Miguel M; Palma, Alberto J
2015-10-29
Chemical analysis based on colour changes recorded with imaging devices is gaining increasing interest. This is due to its several significant advantages, such as simplicity of use, and the fact that it is easily combinable with portable and widely distributed imaging devices, resulting in friendly analytical procedures in many areas that demand out-of-lab applications for in situ and real-time monitoring. This tutorial review covers computer vision-based analytical (CVAC) procedures and systems from 2005 to 2015, a period of time when 87.5% of the papers on this topic were published. The background regarding colour spaces and recent analytical system architectures of interest in analytical chemistry is presented in the form of a tutorial. Moreover, issues regarding images, such as the influence of illuminants, and the most relevant techniques for processing and analysing digital images are addressed. Some of the most relevant applications are then detailed, highlighting their main characteristics. Finally, our opinion about future perspectives is discussed. Copyright © 2015 Elsevier B.V. All rights reserved.
8. Tutorial review of spent-fuel degradation mechanisms under dry-storage conditions
International Nuclear Information System (INIS)
Einziger, R.E.
1983-02-01
This tutorial reviews our present understanding of fuel-rod degradation over a range of possible dry-storage environments. Three areas are covered: (1) why study fuel-rod degradation; (2) cladding-degradation mechanisms; and (3) the status of fuel-oxidation studies
9. A tutorial review of functional connectivity analysis methods and their interpretational pitfalls
Directory of Open Access Journals (Sweden)
Andre M Bastos
2016-01-01
Full Text Available Oscillatory neuronal activity may provide a mechanism for dynamic network coordination. Rhythmic neuronal interactions can be quantified using multiple metrics, each with their own advantages and disadvantages. This tutorial will review and summarize current analysis methods used in the field of invasive and non-invasive electrophysiology to study the dynamic connections between neuronal populations. First, we review metrics for functional connectivity, including coherence, phase synchronization, phase-slope index, and Granger causality, with the specific aim to provide an intuition for how these metrics work, as well as their quantitative definition. Next, we highlight a number of interpretational caveats and common pitfalls that can arise when performing functional connectivity analysis, including the common reference problem, the signal to noise ratio problem, the volume conduction problem, the common input problem, and the trial sample size bias problem. These pitfalls will be illustrated by presenting a set of MATLAB-scripts, which can be executed by the reader to simulate each of these potential problems. We discuss of how these issues can be addressed using current methods.
10. EEG-Neurofeedback as a Tool to Modulate Cognition and Behavior: A Review Tutorial
Science.gov (United States)
Enriquez-Geppert, Stefanie; Huster, René J.; Herrmann, Christoph S.
2017-01-01
Neurofeedback is attracting renewed interest as a method to self-regulate one’s own brain activity to directly alter the underlying neural mechanisms of cognition and behavior. It not only promises new avenues as a method for cognitive enhancement in healthy subjects, but also as a therapeutic tool. In the current article, we present a review tutorial discussing key aspects relevant to the development of electroencephalography (EEG) neurofeedback studies. In addition, the putative mechanisms underlying neurofeedback learning are considered. We highlight both aspects relevant for the practical application of neurofeedback as well as rather theoretical considerations related to the development of new generation protocols. Important characteristics regarding the set-up of a neurofeedback protocol are outlined in a step-by-step way. All these practical and theoretical considerations are illustrated based on a protocol and results of a frontal-midline theta up-regulation training for the improvement of executive functions. Not least, assessment criteria for the validation of neurofeedback studies as well as general guidelines for the evaluation of training efficacy are discussed. PMID:28275344
11. Integrating Electromagnetic Data with Other Geophysical Observations for Enhanced Imaging of the Earth: A Tutorial and Review
Science.gov (United States)
Moorkamp, Max
2017-09-01
In this review, I discuss the basic principles of joint inversion and constrained inversion approaches and show a few instructive examples of applications of these approaches in the literature. Starting with some basic definitions of the terms joint inversion and constrained inversion, I use a simple three-layered model as a tutorial example that demonstrates the general properties of joint inversion with different coupling methods. In particular, I investigate to which extent combining different geophysical methods can restrict the set of acceptable models and under which circumstances the results can be biased. Some ideas on how to identify such biased results and how negative results can be interpreted conclude the tutorial part. The case studies in the second part have been selected to highlight specific issues such as choosing an appropriate parameter relationship to couple seismic and electromagnetic data and demonstrate the most commonly used approaches, e.g., the cross-gradient constraint and direct parameter coupling. Throughout the discussion, I try to identify topics for future work. Overall, it appears that integrating electromagnetic data with other observations has reached a level of maturity and is starting to move away from fundamental proof-of-concept studies to answering questions about the structure of the subsurface. With a wide selection of coupling methods suited to different geological scenarios, integrated approaches can be applied on all scales and have the potential to deliver new answers to important geological questions.
12. Recognition and quantification of pain in horses: A tutorial review
DEFF Research Database (Denmark)
Gleerup, Karina Charlotte Bech; Lindegaard, Casper
2016-01-01
Pain management is dependent on the quality of the pain evaluation. Ideally, pain evaluation is objective, pain-specific and easily incorporated into a busy equine clinic. This paper reviews the existing knowledge base regarding the identification and quantification of pain in horses. Behavioural...
13. The Romantic Movement on European arts: a brief tutorial review
OpenAIRE
Lazarou, Anna
2015-01-01
The movement of romanticism in art (18th-19th c) is briefly reviewed. This artistic movement institutionalized freedom of personal expression of the artist and presented various art styles, which were rooted mainly in topics of the past. One of the manifestations of the romantic spirit was Neoclassicism which was based on copies of works of Greek and Roman antiquities. Romantic painters, musicians and architects have left as heritage an amazing wealth of art works.
14. Vectorization of Nucleic Acids for Therapeutic Approach: Tutorial Review.
Science.gov (United States)
Geinguenaud, Frederic; Guenin, Erwann; Lalatonne, Yoann; Motte, Laurence
2016-05-20
Oligonucleotides present a high therapeutic potential for a wide variety of diseases. However, their clinical development is limited by their degradation by nucleases and their poor blood circulation time. Depending on the administration mode and the cellular target, these macromolecules will have to cross the vascular endothelium, to diffuse through the extracellular matrix, to be transported through the cell membrane, and finally to reach the cytoplasm. To overcome these physiological barriers, many strategies have been developed. Here, we review different methods of DNA vectorization, discuss limitations and advantages of the various vectors, and provide new perspectives for future development.
15. Bayesian accounts of covert selective attention: A tutorial review.
Science.gov (United States)
Vincent, Benjamin T
2015-05-01
Decision making and optimal observer models offer an important theoretical approach to the study of covert selective attention. While their probabilistic formulation allows quantitative comparison to human performance, the models can be complex and their insights are not always immediately apparent. Part 1 establishes the theoretical appeal of the Bayesian approach, and introduces the way in which probabilistic approaches can be applied to covert search paradigms. Part 2 presents novel formulations of Bayesian models of 4 important covert attention paradigms, illustrating optimal observer predictions over a range of experimental manipulations. Graphical model notation is used to present models in an accessible way and Supplementary Code is provided to help bridge the gap between model theory and practical implementation. Part 3 reviews a large body of empirical and modelling evidence showing that many experimental phenomena in the domain of covert selective attention are a set of by-products. These effects emerge as the result of observers conducting Bayesian inference with noisy sensory observations, prior expectations, and knowledge of the generative structure of the stimulus environment.
16. Using Structure-Based Organic Chemistry Online Tutorials with Automated Correction for Student Practice and Review
Science.gov (United States)
O'Sullivan, Timothy P.; Hargaden, Gra´inne C.
2014-01-01
This article describes the development and implementation of an open-access organic chemistry question bank for online tutorials and assessments at University College Cork and Dublin Institute of Technology. SOCOT (structure-based organic chemistry online tutorials) may be used to supplement traditional small-group tutorials, thereby allowing…
17. Review of applications of TLBO algorithm and a tutorial for beginners to solve the unconstrained and constrained optimization problems
Directory of Open Access Journals (Sweden)
R. Venkata Rao
2016-01-01
Full Text Available The teaching-learning-based optimization (TLBO algorithm is finding a large number of applications in different fields of engineering and science since its introduction in 2011. The major applications are found in electrical engineering, mechanical design, thermal engineering, manufacturing engineering, civil engineering, structural engineering, computer engineering, electronics engineering, physics, chemistry, biotechnology and economics. This paper presents a review of applications of TLBO algorithm and a tutorial for solving the unconstrained and constrained optimization problems. The tutorial is expected to be useful to the beginners.
18. Introduction of organic/hydro-organic matrices in inductively coupled plasma optical emission spectrometry and mass spectrometry: A tutorial review. Part I. Theoretical considerations
International Nuclear Information System (INIS)
Leclercq, Amélie; Nonell, Anthony; Todolí Torró, José Luis; Bresson, Carole; Vio, Laurent; Vercouter, Thomas; Chartier, Frédéric
2015-01-01
Highlights: • Tutorial review addressed to beginners or more experienced analysts. • Theoretical background of effects caused by organic matrices on ICP techniques. • Spatial distribution of carbon species and analytes in plasma. • Carbon spectroscopic and non-spectroscopic interferences in ICP. - Abstract: Due to their outstanding analytical performances, inductively coupled plasma optical emission spectrometry (ICP-OES) and mass spectrometry (ICP-MS) are widely used for multi-elemental measurements and also for isotopic characterization in the case of ICP-MS. While most studies are carried out in aqueous matrices, applications involving organic/hydro-organic matrices become increasingly widespread. This kind of matrices is introduced in ICP based instruments when classical “matrix removal” approaches such as acid digestion or extraction procedures cannot be implemented. Due to the physico-chemical properties of organic/hydro-organic matrices and their associated effects on instrumentation and analytical performances, their introduction into ICP sources is particularly challenging and has become a full topic. In this framework, numerous theoretical and phenomenological studies of these effects have been performed in the past, mainly by ICP-OES, while recent literature is more focused on applications and associated instrumental developments. This tutorial review, divided in two parts, explores the rich literature related to the introduction of organic/hydro-organic matrices in ICP-OES and ICP-MS. The present Part I, provides theoretical considerations in connection with the physico-chemical properties of organic/hydro-organic matrices, in order to better understand the induced phenomena. This focal point is divided in four chapters highlighting: (i) the impact of organic/hydro-organic matrices from aerosol generation to atomization/excitation/ionization processes; (ii) the production of carbon molecular constituents and their spatial distribution in the
19. Introduction of organic/hydro-organic matrices in inductively coupled plasma optical emission spectrometry and mass spectrometry: A tutorial review. Part I. Theoretical considerations
Energy Technology Data Exchange (ETDEWEB)
Leclercq, Amélie, E-mail: [email protected] [CEA Saclay, DEN, DANS, DPC, SEARS, Laboratoire de développement Analytique Nucléaire Isotopique et Elémentaire, 91191 Gif-sur-Yvette (France); Nonell, Anthony, E-mail: [email protected] [CEA Saclay, DEN, DANS, DPC, SEARS, Laboratoire de développement Analytique Nucléaire Isotopique et Elémentaire, 91191 Gif-sur-Yvette (France); Todolí Torró, José Luis, E-mail: [email protected] [Universidad de Alicante, Departamento de Quimica Analitica, Nutricion y Bromatología, Ap. de Correos, 99, 03080 Alicante (Spain); Bresson, Carole, E-mail: [email protected] [CEA Saclay, DEN, DANS, DPC, SEARS, Laboratoire de développement Analytique Nucléaire Isotopique et Elémentaire, 91191 Gif-sur-Yvette (France); Vio, Laurent, E-mail: [email protected] [CEA Saclay, DEN, DANS, DPC, SEARS, Laboratoire de développement Analytique Nucléaire Isotopique et Elémentaire, 91191 Gif-sur-Yvette (France); Vercouter, Thomas, E-mail: [email protected] [CEA Saclay, DEN, DANS, DPC, SEARS, Laboratoire de développement Analytique Nucléaire Isotopique et Elémentaire, 91191 Gif-sur-Yvette (France); Chartier, Frédéric, E-mail: [email protected] [CEA Saclay, DEN, DANS, DPC, 91191 Gif-sur-Yvette (France)
2015-07-23
Highlights: • Tutorial review addressed to beginners or more experienced analysts. • Theoretical background of effects caused by organic matrices on ICP techniques. • Spatial distribution of carbon species and analytes in plasma. • Carbon spectroscopic and non-spectroscopic interferences in ICP. - Abstract: Due to their outstanding analytical performances, inductively coupled plasma optical emission spectrometry (ICP-OES) and mass spectrometry (ICP-MS) are widely used for multi-elemental measurements and also for isotopic characterization in the case of ICP-MS. While most studies are carried out in aqueous matrices, applications involving organic/hydro-organic matrices become increasingly widespread. This kind of matrices is introduced in ICP based instruments when classical “matrix removal” approaches such as acid digestion or extraction procedures cannot be implemented. Due to the physico-chemical properties of organic/hydro-organic matrices and their associated effects on instrumentation and analytical performances, their introduction into ICP sources is particularly challenging and has become a full topic. In this framework, numerous theoretical and phenomenological studies of these effects have been performed in the past, mainly by ICP-OES, while recent literature is more focused on applications and associated instrumental developments. This tutorial review, divided in two parts, explores the rich literature related to the introduction of organic/hydro-organic matrices in ICP-OES and ICP-MS. The present Part I, provides theoretical considerations in connection with the physico-chemical properties of organic/hydro-organic matrices, in order to better understand the induced phenomena. This focal point is divided in four chapters highlighting: (i) the impact of organic/hydro-organic matrices from aerosol generation to atomization/excitation/ionization processes; (ii) the production of carbon molecular constituents and their spatial distribution in the
20. Studying visual attention using the multiple object tracking paradigm: A tutorial review.
Science.gov (United States)
Meyerhoff, Hauke S; Papenmeier, Frank; Huff, Markus
2017-07-01
Human observers are capable of tracking multiple objects among identical distractors based only on their spatiotemporal information. Since the first report of this ability in the seminal work of Pylyshyn and Storm (1988, Spatial Vision, 3, 179-197), multiple object tracking has attracted many researchers. A reason for this is that it is commonly argued that the attentional processes studied with the multiple object paradigm apparently match the attentional processing during real-world tasks such as driving or team sports. We argue that multiple object tracking provides a good mean to study the broader topic of continuous and dynamic visual attention. Indeed, several (partially contradicting) theories of attentive tracking have been proposed within the almost 30 years since its first report, and a large body of research has been conducted to test these theories. With regard to the richness and diversity of this literature, the aim of this tutorial review is to provide researchers who are new in the field of multiple object tracking with an overview over the multiple object tracking paradigm, its basic manipulations, as well as links to other paradigms investigating visual attention and working memory. Further, we aim at reviewing current theories of tracking as well as their empirical evidence. Finally, we review the state of the art in the most prominent research fields of multiple object tracking and how this research has helped to understand visual attention in dynamic settings.
1. Introduction of organic/hydro-organic matrices in inductively coupled plasma optical emission spectrometry and mass spectrometry: A tutorial review. Part II. Practical considerations
International Nuclear Information System (INIS)
Leclercq, Amélie; Nonell, Anthony; Todolí Torró, José Luis; Bresson, Carole; Vio, Laurent; Vercouter, Thomas; Chartier, Frédéric
2015-01-01
Graphical abstract: This tutorial review is dedicated to the analysis of organic/hydro-organic matrices by ICP techniques. A state-of-the-art focusing on sample introduction, relevant operating parameters optimization and analytical strategies for elemental quantification is provided. - Highlights: • Practical considerations to perform analyses in organic/hydro-organic matrices. • Description, benefits and drawbacks of recent introduction devices. • Optimization to improve plasma tolerance towards organic/hydro-organic matrices. • Analytical strategies for elemental quantification in organic/hydro-organic matrices. - Abstract: Inductively coupled plasma optical emission spectrometry (ICP-OES) and mass spectrometry (ICP-MS) are increasingly used to carry out analyses in organic/hydro-organic matrices. The introduction of such matrices into ICP sources is particularly challenging and can be the cause of numerous drawbacks. This tutorial review, divided in two parts, explores the rich literature related to the introduction of organic/hydro-organic matrices in ICP sources. Part I provided theoretical considerations associated with the physico-chemical properties of such matrices, in an attempt to understand the induced phenomena. Part II of this tutorial review is dedicated to more practical considerations on instrumentation, instrumental and operating parameters, as well as analytical strategies for elemental quantification in such matrices. Two important issues are addressed in this part: the first concerns the instrumentation and optimization of instrumental and operating parameters, pointing out (i) the description, benefits and drawbacks of different kinds of nebulization and desolvation devices and the impact of more specific instrumental parameters such as the injector characteristics and the material used for the cone; and, (ii) the optimization of operating parameters, for both ICP-OES and ICP-MS. Even if it is at the margin of this tutorial review
2. Introduction of organic/hydro-organic matrices in inductively coupled plasma optical emission spectrometry and mass spectrometry: A tutorial review. Part II. Practical considerations
Energy Technology Data Exchange (ETDEWEB)
Leclercq, Amélie, E-mail: [email protected] [CEA Saclay, DEN, DANS, DPC, SEARS, Laboratoire de développement Analytique Nucléaire Isotopique et Elémentaire, 91191 Gif-sur-Yvette (France); Nonell, Anthony, E-mail: [email protected] [CEA Saclay, DEN, DANS, DPC, SEARS, Laboratoire de développement Analytique Nucléaire Isotopique et Elémentaire, 91191 Gif-sur-Yvette (France); Todolí Torró, José Luis, E-mail: [email protected] [Universidad de Alicante, Departamento de Quimica Analitica, Nutricion y Bromatología, Ap. de Correos, 99, 03080 Alicante (Spain); Bresson, Carole, E-mail: [email protected] [CEA Saclay, DEN, DANS, DPC, SEARS, Laboratoire de développement Analytique Nucléaire Isotopique et Elémentaire, 91191 Gif-sur-Yvette (France); Vio, Laurent, E-mail: [email protected] [CEA Saclay, DEN, DANS, DPC, SEARS, Laboratoire de développement Analytique Nucléaire Isotopique et Elémentaire, 91191 Gif-sur-Yvette (France); Vercouter, Thomas, E-mail: [email protected] [CEA Saclay, DEN, DANS, DPC, SEARS, Laboratoire de développement Analytique Nucléaire Isotopique et Elémentaire, 91191 Gif-sur-Yvette (France); Chartier, Frédéric, E-mail: [email protected] [CEA Saclay, DEN, DANS, DPC, 91191 Gif-sur-Yvette (France)
2015-07-23
Graphical abstract: This tutorial review is dedicated to the analysis of organic/hydro-organic matrices by ICP techniques. A state-of-the-art focusing on sample introduction, relevant operating parameters optimization and analytical strategies for elemental quantification is provided. - Highlights: • Practical considerations to perform analyses in organic/hydro-organic matrices. • Description, benefits and drawbacks of recent introduction devices. • Optimization to improve plasma tolerance towards organic/hydro-organic matrices. • Analytical strategies for elemental quantification in organic/hydro-organic matrices. - Abstract: Inductively coupled plasma optical emission spectrometry (ICP-OES) and mass spectrometry (ICP-MS) are increasingly used to carry out analyses in organic/hydro-organic matrices. The introduction of such matrices into ICP sources is particularly challenging and can be the cause of numerous drawbacks. This tutorial review, divided in two parts, explores the rich literature related to the introduction of organic/hydro-organic matrices in ICP sources. Part I provided theoretical considerations associated with the physico-chemical properties of such matrices, in an attempt to understand the induced phenomena. Part II of this tutorial review is dedicated to more practical considerations on instrumentation, instrumental and operating parameters, as well as analytical strategies for elemental quantification in such matrices. Two important issues are addressed in this part: the first concerns the instrumentation and optimization of instrumental and operating parameters, pointing out (i) the description, benefits and drawbacks of different kinds of nebulization and desolvation devices and the impact of more specific instrumental parameters such as the injector characteristics and the material used for the cone; and, (ii) the optimization of operating parameters, for both ICP-OES and ICP-MS. Even if it is at the margin of this tutorial review
3. Integrating probabilistic models of perception and interactive neural networks: a historical and tutorial review.
Science.gov (United States)
McClelland, James L
2013-01-01
This article seeks to establish a rapprochement between explicitly Bayesian models of contextual effects in perception and neural network models of such effects, particularly the connectionist interactive activation (IA) model of perception. The article is in part an historical review and in part a tutorial, reviewing the probabilistic Bayesian approach to understanding perception and how it may be shaped by context, and also reviewing ideas about how such probabilistic computations may be carried out in neural networks, focusing on the role of context in interactive neural networks, in which both bottom-up and top-down signals affect the interpretation of sensory inputs. It is pointed out that connectionist units that use the logistic or softmax activation functions can exactly compute Bayesian posterior probabilities when the bias terms and connection weights affecting such units are set to the logarithms of appropriate probabilistic quantities. Bayesian concepts such the prior, likelihood, (joint and marginal) posterior, probability matching and maximizing, and calculating vs. sampling from the posterior are all reviewed and linked to neural network computations. Probabilistic and neural network models are explicitly linked to the concept of a probabilistic generative model that describes the relationship between the underlying target of perception (e.g., the word intended by a speaker or other source of sensory stimuli) and the sensory input that reaches the perceiver for use in inferring the underlying target. It is shown how a new version of the IA model called the multinomial interactive activation (MIA) model can sample correctly from the joint posterior of a proposed generative model for perception of letters in words, indicating that interactive processing is fully consistent with principled probabilistic computation. Ways in which these computations might be realized in real neural systems are also considered.
4. Quantification of low molecular weight compounds by MALDI imaging mass spectrometry - A tutorial review.
Science.gov (United States)
Rzagalinski, Ignacy; Volmer, Dietrich A
2017-07-01
5. Atomic force microscopy for two-dimensional materials: A tutorial review
Science.gov (United States)
Zhang, Hang; Huang, Junxiang; Wang, Yongwei; Liu, Rui; Huai, Xiulan; Jiang, Jingjing; Anfuso, Chantelle
2018-01-01
Low dimensional materials exhibit distinct properties compared to their bulk counterparts. A plethora of examples have been demonstrated in two-dimensional (2-D) materials, including graphene and transition metal dichalcogenides (TMDCs). These novel and intriguing properties at the nano-, molecular- and even monatomic scales have triggered tremendous interest and research, from fundamental studies to practical applications and even device fabrication. The unique behaviors of 2-D materials result from the special structure-property relationships that exist between surface topographical variations and mechanical responses, electronic structures, optical characteristics, and electrochemical properties. These relationships are generally convoluted and sensitive to ambient and external perturbations. Characterizing these systems thus requires techniques capable of providing multidimensional information under controlled environments, such as atomic force microscopy (AFM). Today, AFM plays a key role in exploring the basic principles underlying the functionality of 2-D materials. In this tutorial review, we provide a brief introduction to some of the unique properties of 2-D materials, followed by a summary of the basic principles of AFM and the various AFM modes most appropriate for studying these systems. Following that, we will focus on five important properties of 2-D materials and their characterization in more detail, including recent literature examples. These properties include nanomechanics, nanoelectromechanics, nanoelectrics, nanospectroscopy, and nanoelectrochemistry.
6. Karibu Tutorials
DEFF Research Database (Denmark)
Christensen, Henrik Bærbak
These tutorials demonstrate how to use Karibu for high quality data collection, in particular how to setup a distributed Karibu system and how to adapt Karibu to your particular data collection needs....
7. Acoustic sequences in non-human animals: a tutorial review and prospectus
Science.gov (United States)
Kershenbaum, Arik; Blumstein, Daniel T.; Roch, Marie A.; Akçay, Çağlar; Backus, Gregory; Bee, Mark A.; Bohn, Kirsten; Cao, Yan; Carter, Gerald; Cäsar, Cristiane; Coen, Michael; DeRuiter, Stacy L.; Doyle, Laurance; Edelman, Shimon; Ferrer-i-Cancho, Ramon; Freeberg, Todd M.; Garland, Ellen C.; Gustison, Morgan; Harley, Heidi E.; Huetz, Chloé; Hughes, Melissa; Bruno, Julia Hyland; Ilany, Amiyaal; Jin, Dezhe Z.; Johnson, Michael; Ju, Chenghui; Karnowski, Jeremy; Lohr, Bernard; Manser, Marta B.; McCowan, Brenda; Mercado, Eduardo; Narins, Peter M.; Piel, Alex; Rice, Megan; Salmi, Roberta; Sasahara, Kazutoshi; Sayigh, Laela; Shiu, Yu; Taylor, Charles; Vallejo, Edgar E.; Waller, Sara; Zamora-Gutierrez, Veronica
2015-01-01
Animal acoustic communication often takes the form of complex sequences, made up of multiple distinct acoustic units. Apart from the well-known example of birdsong, other animals such as insects, amphibians, and mammals (including bats, rodents, primates, and cetaceans) also generate complex acoustic sequences. Occasionally, such as with birdsong, the adaptive role of these sequences seems clear (e.g. mate attraction and territorial defence). More often however, researchers have only begun to characterise – let alone understand – the significance and meaning of acoustic sequences. Hypotheses abound, but there is little agreement as to how sequences should be defined and analysed. Our review aims to outline suitable methods for testing these hypotheses, and to describe the major limitations to our current and near-future knowledge on questions of acoustic sequences. This review and prospectus is the result of a collaborative effort between 43 scientists from the fields of animal behaviour, ecology and evolution, signal processing, machine learning, quantitative linguistics, and information theory, who gathered for a 2013 workshop entitled, “Analysing vocal sequences in animals”. Our goal is to present not just a review of the state of the art, but to propose a methodological framework that summarises what we suggest are the best practices for research in this field, across taxa and across disciplines. We also provide a tutorial-style introduction to some of the most promising algorithmic approaches for analysing sequences. We divide our review into three sections: identifying the distinct units of an acoustic sequence, describing the different ways that information can be contained within a sequence, and analysing the structure of that sequence. Each of these sections is further subdivided to address the key questions and approaches in that area. We propose a uniform, systematic, and comprehensive approach to studying sequences, with the goal of clarifying
8. Introduction of organic/hydro-organic matrices in inductively coupled plasma optical emission spectrometry and mass spectrometry: a tutorial review. Part I. Theoretical considerations.
Science.gov (United States)
Leclercq, Amélie; Nonell, Anthony; Todolí Torró, José Luis; Bresson, Carole; Vio, Laurent; Vercouter, Thomas; Chartier, Frédéric
2015-07-23
Due to their outstanding analytical performances, inductively coupled plasma optical emission spectrometry (ICP-OES) and mass spectrometry (ICP-MS) are widely used for multi-elemental measurements and also for isotopic characterization in the case of ICP-MS. While most studies are carried out in aqueous matrices, applications involving organic/hydro-organic matrices become increasingly widespread. This kind of matrices is introduced in ICP based instruments when classical "matrix removal" approaches such as acid digestion or extraction procedures cannot be implemented. Due to the physico-chemical properties of organic/hydro-organic matrices and their associated effects on instrumentation and analytical performances, their introduction into ICP sources is particularly challenging and has become a full topic. In this framework, numerous theoretical and phenomenological studies of these effects have been performed in the past, mainly by ICP-OES, while recent literature is more focused on applications and associated instrumental developments. This tutorial review, divided in two parts, explores the rich literature related to the introduction of organic/hydro-organic matrices in ICP-OES and ICP-MS. The present Part I, provides theoretical considerations in connection with the physico-chemical properties of organic/hydro-organic matrices, in order to better understand the induced phenomena. This focal point is divided in four chapters highlighting: (i) the impact of organic/hydro-organic matrices from aerosol generation to atomization/excitation/ionization processes; (ii) the production of carbon molecular constituents and their spatial distribution in the plasma with respect to analytes repartition; (iii) the subsequent modifications of plasma fundamental properties; and (iv) the resulting spectroscopic and non spectroscopic interferences. This first part of this tutorial review is addressed either to beginners or to more experienced scientists who are interested in the
9. NVidia Tutorial
CERN Document Server
CERN. Geneva; MESSMER, Peter; DEMOUTH, Julien
2015-01-01
This tutorial will present Caffee, a powerful Python library to implement solutions working on CPUs and GPUs, and explain how to use it to build and train Convolutional Neural Networks using NVIDIA GPUs. The session requires no prior experience with GPUs or Caffee.
10. Tutorials in endovascular neurosurgery and interventional neuroradiology
International Nuclear Information System (INIS)
Byrne, James Vincent
2012-01-01
This book aims to provide the trainee and practicing minimally invasive neurological therapist with a comprehensive understanding of the background science and theory that forms the foundation of their work. The contents are based on the tutorial teaching techniques used at the University of Oxford and are authored by the MSc Course Director. The tutorial is a learning episode focussed on a particular topic and intended to guide the student/reader through the background literature, to highlight the research on which standard practices are based and to provide the insights of an experienced practitioner. Each chapter of the book covers a different topic to build a complete review of the subspecialty, with in-depth discussion of all currently used techniques. The literature is reviewed and presented in context to illustrate its importance to the practice of this rapidly expanding field of medical treatment.
11. Tutorials in endovascular neurosurgery and interventional neuroradiology
Energy Technology Data Exchange (ETDEWEB)
Byrne, James Vincent [Univ. of Oxford, Oxford (United Kingdom). Dept. of Neuroradiology
2012-07-01
This book aims to provide the trainee and practicing minimally invasive neurological therapist with a comprehensive understanding of the background science and theory that forms the foundation of their work. The contents are based on the tutorial teaching techniques used at the University of Oxford and are authored by the MSc Course Director. The tutorial is a learning episode focussed on a particular topic and intended to guide the student/reader through the background literature, to highlight the research on which standard practices are based and to provide the insights of an experienced practitioner. Each chapter of the book covers a different topic to build a complete review of the subspecialty, with in-depth discussion of all currently used techniques. The literature is reviewed and presented in context to illustrate its importance to the practice of this rapidly expanding field of medical treatment.
12. A comment on Farwell : brain fingerprinting: a comprehensive tutorial review of detection of concealed information with event-related brain potentials
NARCIS (Netherlands)
Meijer, E.H.; Ben-Shakhar, G.; Verschuere, B.; Donchin, E.
2013-01-01
In a recent issue of Cognitive Neurodynamics Farwell (Cogn Neurodyn 6:115-154, 2012) published a comprehensive tutorial review of the use of Event Related Brain Potentials (ERP) in the detection of concealed information. Farwell’s review covered much of his own work employing his ‘‘brain
13. TMVA tutorial
CERN Multimedia
CERN. Geneva; VOSS, Helge
2015-01-01
This tutorial will both give an introduction on how to use TMVA in root6 and showcase some new features, such as modularity, variable importance, interfaces to R and python. After explaining the basic functionality, the typical steps required during a real life application (such as variable selection, pre-processing, tuning and classifier evaluation) will be demonstrated on simple examples. First part of the tutorial will use the usual Root interface (please make sure you have Root 6.04 installed somewhere). The second part will utilize the new server notebook functionality of Root as a Service. If you are within CERN but outside the venue or outside CERN please consult the notes attached.
14. Approximation and inference methods for stochastic biochemical kinetics—a tutorial review
International Nuclear Information System (INIS)
Schnoerr, David; Grima, Ramon; Sanguinetti, Guido
2017-01-01
Stochastic fluctuations of molecule numbers are ubiquitous in biological systems. Important examples include gene expression and enzymatic processes in living cells. Such systems are typically modelled as chemical reaction networks whose dynamics are governed by the chemical master equation. Despite its simple structure, no analytic solutions to the chemical master equation are known for most systems. Moreover, stochastic simulations are computationally expensive, making systematic analysis and statistical inference a challenging task. Consequently, significant effort has been spent in recent decades on the development of efficient approximation and inference methods. This article gives an introduction to basic modelling concepts as well as an overview of state of the art methods. First, we motivate and introduce deterministic and stochastic methods for modelling chemical networks, and give an overview of simulation and exact solution methods. Next, we discuss several approximation methods, including the chemical Langevin equation, the system size expansion, moment closure approximations, time-scale separation approximations and hybrid methods. We discuss their various properties and review recent advances and remaining challenges for these methods. We present a comparison of several of these methods by means of a numerical case study and highlight some of their respective advantages and disadvantages. Finally, we discuss the problem of inference from experimental data in the Bayesian framework and review recent methods developed the literature. In summary, this review gives a self-contained introduction to modelling, approximations and inference methods for stochastic chemical kinetics. (topical review)
15. Tutorials in university students with a disability
OpenAIRE
Joaquín Gairín Sallán; José Luís Muñoz Moreno
2013-01-01
This article places an emphasis on the importance of tutorials for students with a disability in universities. It presented the most significant results of the study of tutorials carried out in help services, units or offices for students with a disability inmore than 45 Spanish universities, in relation to promotion, reception, completion and graduation. The contributions highlight the importance of organising a response through a Tutorial Action Plan made up of the stages of motivation and ...
16. Calibration in atomic spectrometry: A tutorial review dealing with quality criteria, weighting procedures and possible curvatures
International Nuclear Information System (INIS)
Mermet, Jean-Michel
2010-01-01
Calibration is required to obtain analyte concentrations in atomic spectrometry. To take full benefit of it, the adequacy of the coefficient of determination r 2 is discussed, and its use is compared with the uncertainty due to the prediction bands of the regression. Also discussed from a tutorial point of view are the influence of the weighting procedure and of different weighting factors, and the comparison between linear and quadratic regression to cope with curvatures. They are illustrated with examples based on the use of ICP-AES with nebulization and laser ablation, and of LIBS. Use of a calibration graph over several orders of magnitude may be problematic as well as the use of a quadratic regression to cope with possible curvatures. Instrument softwares that allow reprocessing of the calibration by selecting standards around the expected analyte concentration are convenient for optimizing the calibration procedure.
17. Systematic reviews in context: highlighting systematic reviews relevant to Africa in the Pan African Medical Journal.
Science.gov (United States)
Wiysonge, Charles Shey; Kamadjeu, Raoul; Tsague, Landry
2016-01-01
contribute in enhancing the value of research in Africa, the Pan African Medical Journal will start a new regular column that will highlight priority systematic reviews relevant to the continent.
18. Tutorial on beam current monitoring
International Nuclear Information System (INIS)
Webber, Robert C.
2000-01-01
This paper is a tutorial level review covering a wide range of aspects related to charged particle beam current measurement. The tutorial begins with a look at the characteristics of the beam as a signal source, the associated electromagnetic fields, the influence of the typical accelerator environment on those fields, and the usual means of modifying and controlling that environment to facilitate beam current measurement. Short descriptions of three quite different types of current monitors are presented and a quantitative review of the classical transformer circuit is given. Recognizing that environmental noise pick-up may present a large source of error in quantitative measurements, signal handling considerations are given considerable attention using real-life examples. An example of a successful transport line beam current monitor implementation is presented and the tutorial concludes with a few comments about signal processing and current monitor calibration issues
19. SRA Grant Writing Tutorial
Science.gov (United States)
This tutorial will help give your organization a broad but succinct analysis of what the SRA grant program is about. This self-paced tutorial is organized under two segments: Overview of Grant Program and Program Details.
20. Three decades of Cognition & Emotion : A brief review of past highlights and future prospects
NARCIS (Netherlands)
Rothermund, Klaus; Koole, Sander L.
Over the past three decades, Cognition & Emotion has been one of the world’s leading outlets for emotion research. In this article, we review past highlights of and future prospects for the journal. Our tour of history covers three periods: The first period, from 1987 to 1999, was a pioneering era
1. Social Media: A Review and Tutorial of Applications in Medicine and Health Care
Science.gov (United States)
Sheps, Samuel; Ho, Kendall; Novak-Lauscher, Helen; Eysenbach, Gunther
2014-01-01
Background Social media are dynamic and interactive computer-mediated communication tools that have high penetration rates in the general population in high-income and middle-income countries. However, in medicine and health care, a large number of stakeholders (eg, clinicians, administrators, professional colleges, academic institutions, ministries of health, among others) are unaware of social media’s relevance, potential applications in their day-to-day activities, as well as the inherent risks and how these may be attenuated and mitigated. Objective We conducted a narrative review with the aim to present case studies that illustrate how, where, and why social media are being used in the medical and health care sectors. Methods Using a critical-interpretivist framework, we used qualitative methods to synthesize the impact and illustrate, explain, and provide contextual knowledge of the applications and potential implementations of social media in medicine and health care. Both traditional (eg, peer-reviewed) and nontraditional (eg, policies, case studies, and social media content) sources were used, in addition to an environmental scan (using Google and Bing Web searches) of resources. Results We reviewed, evaluated, and synthesized 76 articles, 44 websites, and 11 policies/reports. Results and case studies are presented according to 10 different categories of social media: (1) blogs (eg, WordPress), (2) microblogs (eg, Twitter), (3) social networking sites (eg, Facebook), (4) professional networking sites (eg, LinkedIn, Sermo), (5) thematic networking sites (eg, 23andMe), (6) wikis (eg, Wikipedia), (7) mashups (eg, HealthMap), (8) collaborative filtering sites (eg, Digg), (9) media sharing sites (eg, YouTube, Slideshare), and others (eg, SecondLife). Four recommendations are provided and explained for stakeholders wishing to engage with social media while attenuating risk: (1) maintain professionalism at all times, (2) be authentic, have fun, and do not be
2. Social media: a review and tutorial of applications in medicine and health care.
Science.gov (United States)
Grajales, Francisco Jose; Sheps, Samuel; Ho, Kendall; Novak-Lauscher, Helen; Eysenbach, Gunther
2014-02-11
3. Tutorials in university students with a disability
Directory of Open Access Journals (Sweden)
Joaquín Gairín Sallán
2013-10-01
Full Text Available This article places an emphasis on the importance of tutorials for students with a disability in universities. It presented the most significant results of the study of tutorials carried out in help services, units or offices for students with a disability inmore than 45 Spanish universities, in relation to promotion, reception, completion and graduation. The contributions highlight the importance of organising a response through a Tutorial Action Plan made up of the stages of motivation and awareness-raisin, planning, execution, evaluation and institutionalisation. Among the principle conclusions, the importance of moving towards a truly inclusive university through tutorial activity is highlighted, thereby providing a guide for providing assistance to university students with a disability.
4. Design and Analysis of simulation experiments : Tutorial
NARCIS (Netherlands)
Kleijnen, J.P.C.
2017-01-01
This tutorial reviews the design and analysis of simulation experiments. These experiments may have various goals: validation, prediction, sensitivity analysis, optimization (possibly robust), and risk or uncertainty analysis. These goals may be realized through metamodels. Two types of metamodels
5. Review, Revise, and (re)Release: Updating an Information Literacy Tutorial to Embed a Science Information Life Cycle
Science.gov (United States)
Bussmann, Jeffra Diane; Plovnick, Caitlin E.
2013-01-01
In 2008, University of California, Irvine (UCI) Libraries launched their first Find Science Information online tutorial. It was an innovative web-based tool, containing not only informative content but also interactive activities, embedded hyperlinked resources, and reflective quizzes, all designed primarily to educate undergraduate science…
6. Smart aggregates: multi-functional sensors for concrete structures—a tutorial and a review
International Nuclear Information System (INIS)
Song Gangbing; Gu Haichang; Mo Yilung
2008-01-01
This paper summarizes the authors' recent pioneering research work in piezoceramic-based smart aggregates and their innovative applications in concrete civil structures. The basic operating principle of smart aggregates is first introduced. The proposed smart aggregate is formed by embedding a waterproof piezoelectric patch with lead wires into a small concrete block. The proposed smart aggregates are multi-functional and can perform three major tasks: early-age concrete strength monitoring, impact detection and structural health monitoring. The proposed smart aggregates are embedded into the desired location before the casting of the concrete structure. The concrete strength development is monitored by observing the high frequency harmonic wave response of the smart aggregate. Impact on the concrete structure is detected by observing the open-circuit voltage of the piezoceramic patch in the smart aggregate. For structural health monitoring purposes, a smart aggregate-based active sensing system is designed for the concrete structure. Wavelet packet analysis is used as a signal-processing tool to analyze the sensor signal. A damage index based on the wavelet packet analysis is used to determine the structural health status. To better describe the time-history and location information of damage, two types of damage index matrices are proposed: a sensor-history damage index matrix and an actuator–sensor damage index matrix. To demonstrate the multi-functionality of the proposed smart aggregates, different types of concrete structures have been used as test objects, including concrete bridge bent-caps, concrete cylinders and a concrete frame. Experimental results have verified the effectiveness and the multi-functionality of the proposed smart aggregates. The multi-functional smart aggregates have the potential to be applied to the comprehensive monitoring of concrete structures from their earliest stages and throughout their lifetime. (topical review)
7. Event-related potentials as a measure of sleep disturbance: A tutorial review
Directory of Open Access Journals (Sweden)
Kenneth Campbell
2010-01-01
Full Text Available This article reviews event-related potentials (ERPs the minute responses of the human brain that are elicited by external auditory stimuli and how the ERPs can be used to measure sleep disturbance. ERPs consist of a series of negative- and positive-going components. A negative component peaking at about 100 ms, N1, is thought to reflect the outcome of a transient detector system, activated by change in the transient energy in an acoustic stimulus. Its output and thus the amplitude of N1 increases as the intensity level of the stimulus is increased and when the rate of presentation is slowed. When the output reaches a certain critical level, operations of the central executive are interrupted and attention is switched to the auditory channel. This switching of attention is thought to be indexed by a later positivity, P3a, peaking between 250 and 300 ms. In order to sleep, consciousness for all but the most relevant of stimuli must be prevented. Thus, during sleep onset and definitive non-rapid eye movement (NREM sleep, the amplitude of N1 diminishes to near-baseline level. The amplitude of P2, peaking from 180 to 200 ms, is however larger in NREM sleep than in wakefulness. P2 is thought to reflect an inhibitory process protecting sleep from irrelevant disturbance. As stimulus input becomes increasingly obtrusive, the amplitude of P2 also increases. With increasing obtrusiveness particularly when stimuli are presented slowly, a later large negativity, peaking at about 350 ms, N350, becomes apparent. N350 is unique to sleep, its amplitude also increasing as the stimulus becomes more obtrusive. Many authors postulate that when the N350 reaches a critical amplitude, a very large amplitude N550, a component of the K-Complex is elicited. The K-Complex can only be elicited during NREM sleep. The P2, N350 and N550 processes are thus conceived as sleep protective mechanisms, activated sequentially as the risk for disturbance increases. During REM sleep
8. Introduction of organic/hydro-organic matrices in inductively coupled plasma optical emission spectrometry and mass spectrometry: a tutorial review. Part II. Practical considerations.
Science.gov (United States)
Leclercq, Amélie; Nonell, Anthony; Todolí Torró, José Luis; Bresson, Carole; Vio, Laurent; Vercouter, Thomas; Chartier, Frédéric
2015-07-23
Inductively coupled plasma optical emission spectrometry (ICP-OES) and mass spectrometry (ICP-MS) are increasingly used to carry out analyses in organic/hydro-organic matrices. The introduction of such matrices into ICP sources is particularly challenging and can be the cause of numerous drawbacks. This tutorial review, divided in two parts, explores the rich literature related to the introduction of organic/hydro-organic matrices in ICP sources. Part I provided theoretical considerations associated with the physico-chemical properties of such matrices, in an attempt to understand the induced phenomena. Part II of this tutorial review is dedicated to more practical considerations on instrumentation, instrumental and operating parameters, as well as analytical strategies for elemental quantification in such matrices. Two important issues are addressed in this part: the first concerns the instrumentation and optimization of instrumental and operating parameters, pointing out (i) the description, benefits and drawbacks of different kinds of nebulization and desolvation devices and the impact of more specific instrumental parameters such as the injector characteristics and the material used for the cone; and, (ii) the optimization of operating parameters, for both ICP-OES and ICP-MS. Even if it is at the margin of this tutorial review, Electrothermal Vaporization and Laser Ablation will also be shortly described. The second issue is devoted to the analytical strategies for elemental quantification in such matrices, with particular insight into the isotope dilution technique, particularly used in speciation analysis by ICP-coupled separation techniques. Copyright © 2015 Elsevier B.V. All rights reserved.
9. Fuzzy Control Tutorial
DEFF Research Database (Denmark)
Dotoli, M.; Jantzen, Jan
1999-01-01
The tutorial concerns automatic control of an inverted pendulum, especially rule based control by means of fuzzy logic. A ball balancer, implemented in a software simulator in Matlab, is used as a practical case study. The objectives of the tutorial are to teach the basics of fuzzy control......, and to show how to apply fuzzy logic in automatic control. The tutorial is distance learning, where students interact one-to-one with the teacher using e-mail....
10. Indico CONFERENCE tutorial
CERN Multimedia
CERN. Geneva; Manzoni, Alex Marc
2017-01-01
This short tutorial explains how to create a CONFERENCE in indico and how to handle abstracts and registration forms, in detail: Timestamps: 1:01 - Programme 2:28 - Call for abstracts 11:50 - Abstract submission 13:41 - Abstract Review 15:41 - The Judge's Role 17:23 - Registration forms' creation 23:34 - Candidate participant's registration/application 25:54 - Customisation of Indico pages - Layout 28:08 - Customisation of Indico pages - Menus 29:47 - Configuring Event reminders and import into calendaring tools See HERE a recent presentation by Pedro about the above steps in the life of an indico CONFERENCE event.
11. Research Integrity and Peer Review-past highlights and future directions.
Science.gov (United States)
Boughton, Stephanie L; Kowalczuk, Maria K; Meerpohl, Joerg J; Wager, Elizabeth; Moylan, Elizabeth C
2018-01-01
In May 2016, we launched Research Integrity and Peer Review , an international, open access journal with fully open peer review (reviewers are identified on their reports and named reports are published alongside the article) to provide a home for research on research and publication ethics, research reporting, and research on peer review. As the journal enters its third year, we reflect on recent events and highlights for the journal and explore how the journal is faring in terms of gender and diversity in peer review. We also share the particular interests of our Editors-in-Chief regarding models of peer review, reporting quality, common research integrity issues that arise during the publishing process, and how people interact with the published literature. We continue to encourage further research into peer review, research and publication ethics and research reporting, as we believe that all new initiatives should be evidence-based. We also remain open to constructive discussions of the developments in the field that offer new solutions.
12. Interactive, Web-based Information Skills Tutorial Well Received by Graduate Students in Health and Social Care Research. A review of: Grant, Maria J., and Alison J. Brettle. “Developing and Evaluating an Interactive Information Skills Tutorial.” Health Information and Libraries Journal 23.2 (June 2006: 79 ‐86.
Directory of Open Access Journals (Sweden)
Marcy L. Brown
2007-03-01
Full Text Available Objective – To determine whether a newly developed interactive, Web -based tutorial on OVID MEDLINE was acceptable to students, and to identify whether the tutorial improved students’ information skills. Design – Objective and subjective assessment within a small cohort study. Setting – An evidence based practice module within a Master's in Research (MRes program at the University of Salford, UK. Subjects – A total of 13 usable evaluations were received from graduate students who took an evidence based practice module as part of their MRes coursework. Methods – Information skills (IS were taught in weeks two and three of a 12 ‐week module on evidence based practice. Each of the two IS sessions lasted approximately three hours. At the beginning of the first session, baseline skills were assessed by asking the students to perform a literature search on either the effectiveness of nursing interventions for smoking cessation, or the effectiveness of rehabilitation after stroke. The OVID MEDLINE tutorial was introduced at the first session, and guided hands ‐on practice was offered. Homework was given, and between ‐session use of the tutorial was encouraged. At the end of the second session, students were asked to complete another search in order to assess short ‐term impact of the tutorial. Both sets of search results were scored using a checklist rubric that looked for Boolean operators, use of MeSH terms, use of limits, number and relevance of references, and other assessment criteria. The rubric was a modified version of a tool published by Rosenberg et al. The tutorial remained available throughout the 12 ‐week module, at which time a systematic literature review was assigned in order to measure longer ‐term impact. As an additional subjective measurement, a questionnaire regarding the information skills sessions and tutorial was given at the end of the second IS session (week 3. Main Results – Thirteen objective
13. EFFECTIVE ELECTRONIC TUTORIAL
Directory of Open Access Journals (Sweden)
Andrei A. Fedoseev
2014-01-01
Full Text Available The article analyzes effective electronic tutorials creation and application based on the theory of pedagogy. Herewith the issues of necessary electronic tutorial functional, ways of the educational process organization with the use of information and communication technologies and the logistics of electronic educational resources are touched upon.
14. IL web tutorials
DEFF Research Database (Denmark)
Hyldegård, Jette; Lund, Haakon
2012-01-01
The paper presents the results from a study on information literacy in a higher education (HE) context based on a larger research project evaluating 3 Norwegian IL web tutorials at 6 universities and colleges in Norway. The aim was to evaluate how the 3 web tutorials served students’ information...... seeking and writing process in an study context and to identify barriers to the employment and use of the IL web tutorials, hence to the underlying information literacy intentions by the developer. Both qualitative and quantitative methods were employed. A clear mismatch was found between intention...... and use of the web tutorials. In addition, usability only played a minor role compared to relevance. It is concluded that the positive expectations of the IL web tutorials tend to be overrated by the developers. Suggestions for further research are presented....
15. The BTeV Software Tutorial Suite
International Nuclear Information System (INIS)
Kutschke, Robert K.
2004-01-01
The BTeV Collaboration is starting to develop its C++ based offline software suite, an integral part of which is a series of tutorials. These tutorials are targeted at a diverse audience, including new graduate students, experienced physicists with little or no C++ experience, those with just enough C++ to be dangerous, and experts who need only an overview of the available tools. The tutorials must both teach C++ in general and the BTeV specific tools in particular. Finally, they must teach physicists how to find and use the detailed documentation. This report will review the status of the BTeV experiment, give an overview of the plans for and the state of the software and will then describe the plans for the tutorial suite
16. Inductively coupled plasma – Tandem mass spectrometry (ICP-MS/MS): A powerful and universal tool for the interference-free determination of (ultra)trace elements – A tutorial review
Energy Technology Data Exchange (ETDEWEB)
Balcaen, Lieve; Bolea-Fernandez, Eduardo [Ghent University, Department of Analytical Chemistry, Krijgslaan 281-S12, B-9000 Ghent (Belgium); Resano, Martín [University of Zaragoza, Department of Analytical Chemistry, Pedro Cerbuna 12, E-50009 Zaragoza (Spain); Vanhaecke, Frank, E-mail: [email protected] [Ghent University, Department of Analytical Chemistry, Krijgslaan 281-S12, B-9000 Ghent (Belgium)
2015-09-24
This paper is intended as a tutorial review on the use of inductively coupled plasma – tandem mass spectrometry (ICP-MS/MS) for the interference-free quantitative determination and isotope ratio analysis of metals and metalloids in different sample types. Attention is devoted both to the instrumentation and to some specific tools and procedures available for advanced method development. Next to the more typical reaction gases, e.g., H{sub 2}, O{sub 2} and NH{sub 3}, also the use of promising alternative gases, such as CH{sub 3}F, is covered, and the possible reaction pathways with those reactive gases are discussed. A variety of published applications relying on the use of ICP-MS/MS are described, to illustrate the added value of tandem mass spectrometry in (ultra)trace analysis. - Highlights: • First review on tandem ICP-mass spectrometry (ICP-MS/MS). • Clear description of operating principles of ICP-MS/MS. • Description on how to make use of product ion scans, precursor ion scans and neutral gain scans in method development. • Overview of applications published so far.
17. Inductively coupled plasma – Tandem mass spectrometry (ICP-MS/MS): A powerful and universal tool for the interference-free determination of (ultra)trace elements – A tutorial review
International Nuclear Information System (INIS)
Balcaen, Lieve; Bolea-Fernandez, Eduardo; Resano, Martín; Vanhaecke, Frank
2015-01-01
This paper is intended as a tutorial review on the use of inductively coupled plasma – tandem mass spectrometry (ICP-MS/MS) for the interference-free quantitative determination and isotope ratio analysis of metals and metalloids in different sample types. Attention is devoted both to the instrumentation and to some specific tools and procedures available for advanced method development. Next to the more typical reaction gases, e.g., H_2, O_2 and NH_3, also the use of promising alternative gases, such as CH_3F, is covered, and the possible reaction pathways with those reactive gases are discussed. A variety of published applications relying on the use of ICP-MS/MS are described, to illustrate the added value of tandem mass spectrometry in (ultra)trace analysis. - Highlights: • First review on tandem ICP-mass spectrometry (ICP-MS/MS). • Clear description of operating principles of ICP-MS/MS. • Description on how to make use of product ion scans, precursor ion scans and neutral gain scans in method development. • Overview of applications published so far.
18. Methods for generating complex networks with selected structural properties for simulations: A review and tutorial for neuroscientists
Directory of Open Access Journals (Sweden)
Brenton J Prettejohn
2011-03-01
Full Text Available Many simulations of networks in computational neuroscience assume completely homogenous random networks of the Erd"{o}s-R'{e}nyi type, or regular networks, despite it being recognized for some time that anatomical brain networks are more complex in their connectivity and can, for example, exhibit the scale-free' and small-world' properties. We review the most well known algorithms for constructing networks with given non-homogeneous statistical properties and provide simple pseudo-code for reproducing such networks in software simulations. We also review some useful mathematical results and approximations associated with the statistics that describe these network models, including degree distribution, average path length and clustering coefficient. We demonstrate how such results can be used as partial verification and validation of implementations. Finally, we discuss a sometimes overlooked modeling choice that can be crucially important for the properties of simulated networks: that of network directedness. The most well known network algorithms produce undirected networks, and we emphasize this point by highlighting how simple adaptations can instead produce directed networks.
19. Generating Consistent Program Tutorials
DEFF Research Database (Denmark)
Vestdam, Thomas
2002-01-01
In this paper we present a tool that supports construction of program tutorials. A program tutorial provides the reader with an understanding of an example program by interleaving fragments of source code and explaining text. An example program can for example illustrate how to use a library or a......, and we see potential in using the tool to produce program tutorials to be used for frameworks, libraries, and in educational contexts.......In this paper we present a tool that supports construction of program tutorials. A program tutorial provides the reader with an understanding of an example program by interleaving fragments of source code and explaining text. An example program can for example illustrate how to use a library...... or a framework. We present a means for specifying the fragments of a program that are to be in-lined in the tutorial text. These in-line fragments are defined by addressing named syntactical elements, such as classes and methods, but it is also possible to address individual code lines by labeling them...
20. Would You Watch It? Creating Effective and Engaging Video Tutorials
Science.gov (United States)
Martin, Nichole A.; Martin, Ross
2015-01-01
Video tutorials are a common form of library instruction used with distance learners. This paper combines professional experience and literature reviews from multiple disciplines to provide a contextual overview of recommendations and findings for effective and engaging videos. The tools for tutorials appear in five main categories: screencasts,…
1. Three decades of Cognition & Emotion: A brief review of past highlights and future prospects.
Science.gov (United States)
Rothermund, Klaus; Koole, Sander L
2018-02-01
Over the past three decades, Cognition & Emotion has been one of the world's leading outlets for emotion research. In this article, we review past highlights of and future prospects for the journal. Our tour of history covers three periods: The first period, from 1987 to 1999, was a pioneering era in which cognitive theories began to be applied to the scientific analysis of emotion. The second period, from 2000 to 2007, was characterised by a sharp increase in the number of empirical research papers, a lot of which were concerned with automatic processing biases and their implications for clinical psychology. During the third period, from 2008 to 2017, a new focus emerged on self-regulatory processes and their implications for emotion. We then turn to the present profile of Cognition & Emotion and introduce our new editorial team. Finally, we consider how the journal's future success can be continued and increased by a) providing authors with fast and high-quality feedback; b) offering attractive publication formats, including the newly introduced Registered Reports for pre-registered studies; and c) consolidating key methodological paradigms with reproducible findings.
2. Liposome Delivery Systems for Inhalation: A Critical Review Highlighting Formulation Issues and Anticancer Applications.
Science.gov (United States)
Rudokas, Mindaugas; Najlah, Mohammad; Alhnan, Mohamed Albed; Elhissi, Abdelbary
2016-01-01
This is a critical review on research conducted in the field of pulmonary delivery of liposomes. Issues relating to the mechanism of nebulisation and liposome composition were appraised and correlated with literature reports of liposome formulations used in clinical trials to understand the role of liposome size and composition on therapeutic outcome. A major highlight was liposome inhalation for the treatment of lung cancers. Many in vivo studies that explored the potential of liposomes as anticancer carrier systems were evaluated, including animal studies and clinical trials. Liposomes can entrap anticancer drugs and localise their action in the lung following pulmonary delivery. The safety of inhaled liposomes incorporating anticancer drugs depends on the anticancer agent used and the amount of drug delivered to the target cancer in the lung. The difficulty of efficient targeting of liposomal anticancer aerosols to the cancerous tissues within the lung may result in low doses reaching the target site. Overall, following the success of liposomes as inhalable carriers in the treatment of lung infections, it is expected that more focus from research and development will be given to designing inhalable liposome carriers for the treatment of other lung diseases, including pulmonary cancers. The successful development of anticancer liposomes for inhalation may depend on the future development of effective aerosolisation devices and better targeted liposomes to maximise the benefit of therapy and reduce the potential for local and systemic adverse effects. © 2016 S. Karger AG, Basel.
3. The "magic" of tutorial centres in Hong Kong: An analysis of media marketing and pedagogy in a tutorial centre
Science.gov (United States)
Koh, Aaron
2014-12-01
Why do more than three-quarters of Hong Kong's senior secondary students flock to tutorial centres like moths to light? What is the "magic" that is driving the popularity of the tutorial centre enterprise? Indeed, looking at the ongoing boom of tutorial centres in Hong Kong (there are almost 1,000 of them), it is difficult not to ask these questions. This paper examines the phenomenon of tutorial centres in Hong Kong and seeks to understand what draws students to these centres. Combining theories of marketing semiotics and emotion studies, the author investigates the pivotal role of media marketing in generating the "magic" of tutorial centres, whose advertising strategy includes, for example, a display of billboard posters featuring stylishly-dressed "celebrity teachers". The author reviews some of the literature available on the subject of tutorial centres. In a case study approach, he then maps out the pedagogy he observed in an English tutorial class, seeking heuristic insights into the kind of teaching students in the study were looking for. He argues that part of the "magical" attraction of what are essentially "cram schools" is their formulaic pedagogy of teaching and reinforcing exam skills. Finally, the paper considers the social implications of the tutorial centre industry in terms of media marketing of education and unequal access to tutorial services.
4. Hyperspectral image analysis. A tutorial
International Nuclear Information System (INIS)
Amigo, José Manuel; Babamoradi, Hamid; Elcoroaristizabal, Saioa
2015-01-01
This tutorial aims at providing guidelines and practical tools to assist with the analysis of hyperspectral images. Topics like hyperspectral image acquisition, image pre-processing, multivariate exploratory analysis, hyperspectral image resolution, classification and final digital image processing will be exposed, and some guidelines given and discussed. Due to the broad character of current applications and the vast number of multivariate methods available, this paper has focused on an industrial chemical framework to explain, in a step-wise manner, how to develop a classification methodology to differentiate between several types of plastics by using Near infrared hyperspectral imaging and Partial Least Squares – Discriminant Analysis. Thus, the reader is guided through every single step and oriented in order to adapt those strategies to the user's case. - Highlights: • Comprehensive tutorial of Hyperspectral Image analysis. • Hierarchical discrimination of six classes of plastics containing flame retardant. • Step by step guidelines to perform class-modeling on hyperspectral images. • Fusion of multivariate data analysis and digital image processing methods. • Promising methodology for real-time detection of plastics containing flame retardant.
5. TUTORIAL COACHING AS A STRATEGY OF PROFESSIONAL AND PERSONAL DEVELOPMENT: AN EXPERIENCE-BASED STUDY IN A SECONDARY EDUCATION INSTITUTE
Directory of Open Access Journals (Sweden)
GLADYS IBETH ARIZA ORDÓÑEZ
2005-01-01
Full Text Available Tutorial accompaniment constitutes at present a necessary alternative in the framework of higher education. This workstarts with a general conceptualization of the tutorial, and makes a review of the styles, methods and proceduresrelated to this academic life facet which can effectively contribute to reach the goals the present higher education pursuitwhen it is applied in a coherent and systematic way.Considering the changes that the economy as well as the legislation have generated in education, and mainly in thoseLatin-American university programs, it is necessary to generate changing processes on the curriculum conceptualization,the teaching activities and the academic planning, and also to promote tutorial programs to the students, in order torespond to the difficulties they confront along the different stages of their lives. This research emerges from the onecarried out about the effectiveness of a tutorial program at a Psychology Department. It pretends to highlight theprincipal points of the accompaniment tutorial programs that require to be adjusted and adapted, in order to facilitatean educational service aimed to consider not only the professional training but the personal formation as well.
6. Tutorial to SARAH
CERN Document Server
Staub, Florian
2016-01-01
I give in this brief tutorial a short practical introduction to the Mathematica package SARAH. First, it is shown how an existing model file can be changed to implement a new model in SARAH. In the second part, masses, vertices and renormalisation group equations are calculated with SARAH. Finally, the main commands to generate model files and output for other tools are summarised.
7. Improving the University Tutorial.
Science.gov (United States)
Stanton, Harry E.
1982-01-01
Frequently, tutorial or seminar members take no part in discussion, a feature considered essential to this teaching method. Tutors may be largely responsible by dominating discussion. Student participation can be increased by varying teaching methods; reducing discussion group size, brainstorming, idea development techniques, and student…
8. Making Accounting Tutorials Enjoyable
Science.gov (United States)
Bargate, Karen
2018-01-01
This paper emanates from a case study which focussed on 15 Managerial Accounting and Financial Management (MAFM) students' "enjoyment" of learning MAFM in an 18-week Writing Intensive Tutorial (WIT) programme. Interactive Qualitative Analysis (IQA) was used for the research design and as a data analysis tool. Following IQA protocols…
9. Tutorial on architectural acoustics
Science.gov (United States)
Shaw, Neil; Talaske, Rick; Bistafa, Sylvio
2002-11-01
This tutorial is intended to provide an overview of current knowledge and practice in architectural acoustics. Topics covered will include basic concepts and history, acoustics of small rooms (small rooms for speech such as classrooms and meeting rooms, music studios, small critical listening spaces such as home theatres) and the acoustics of large rooms (larger assembly halls, auditoria, and performance halls).
10. Indico MEETING tutorial
CERN Multimedia
CERN. Geneva; Manzoni, Alex Marc; Dimou, Maria
2017-01-01
This short tutorial explains how to create a MEETING in indico, how to populate the timetable, write minutes and how to add material. If you are only interested in the timetable part, please slide to 03.39, for the minutes to 07.46 and for adding material to 08.29. Tell us what you think via e-learning.support at cern.ch More tutorials in the e-learning collection of the CERN Document Server (CDS) http://cds.cern.ch/collection/E-learning%20modules?ln=en All info about the CERN rapid e-learning project is linked from http://twiki.cern.ch/ELearning
11. Online Hotseat Tutorials
DEFF Research Database (Denmark)
Bengtsen, Søren Smedegaard; Nørgård, Rikke Toft; Dalsgaard, Christian
. On the grounds of the developed pedagogical format, students elicit advanced academic competences such as being facilitators of critical dialogue, exhibiting knowledge stewardship, and taking on responsibility of relationship formation between students. These are traits we normally see only teachers......We present a design-based research experiment for developing a pedagogical format for supervision collectives called ’online hotseat tutorials.’ The format has been developed and tested within the MA Programme ICT-based educational design, Aarhus University 2014-2018. It has affinity to traditional......-up as well as the pedagogical intentions behind it is presented. Finally, we analyse the emerging forms of partnership within online hot seat tutorials, and we discuss the pedagogical implications for how to further inform, qualify and develop pedagogical formats for team-based supervision in higher...
12. Ambient ionization mass spectrometry: A tutorial
Energy Technology Data Exchange (ETDEWEB)
Huang, Min-Zong; Cheng, Sy-Chi; Cho, Yi-Tzu [Department of Chemistry, National Sun Yat-Sen University, Kaohsiung, Taiwan (China); Shiea, Jentaie, E-mail: [email protected] [Department of Chemistry, National Sun Yat-Sen University, Kaohsiung, Taiwan (China); Cancer Center, Kaohsiung Medical University, Kaohsiung, Taiwan (China)
2011-09-19
Highlights: {yields} Ambient ionization technique allows the direct analysis of sample surfaces with little or no sample pretreatment. {yields} We sort ambient ionization techniques into three main analytical strategies, direct ionization, direct desorption/ionization, and two-step ionization. {yields} The underlying principles of operation, ionization processes, detecting mass ranges, sensitivity, and representative applications of these techniques are described and compared. - Abstract: Ambient ionization is a set of mass spectrometric ionization techniques performed under ambient conditions that allows the direct analysis of sample surfaces with little or no sample pretreatment. Using combinations of different types of sample introduction systems and ionization methods, several novel techniques have been developed over the last few years with many applications (e.g., food safety screening; detection of pharmaceuticals and drug abuse; monitoring of environmental pollutants; detection of explosives for antiterrorism and forensics; characterization of biological compounds for proteomics and metabolomics; molecular imaging analysis; and monitoring chemical and biochemical reactions). Electrospray ionization and atmospheric pressure chemical ionization are the two main ionization principles most commonly used in ambient ionization mass spectrometry. This tutorial paper provides a review of the publications related to ambient ionization techniques. We describe and compare the underlying principles of operation, ionization processes, detecting mass ranges, sensitivity, and representative applications of these techniques.
13. Ambient ionization mass spectrometry: A tutorial
International Nuclear Information System (INIS)
Huang, Min-Zong; Cheng, Sy-Chi; Cho, Yi-Tzu; Shiea, Jentaie
2011-01-01
Highlights: → Ambient ionization technique allows the direct analysis of sample surfaces with little or no sample pretreatment. → We sort ambient ionization techniques into three main analytical strategies, direct ionization, direct desorption/ionization, and two-step ionization. → The underlying principles of operation, ionization processes, detecting mass ranges, sensitivity, and representative applications of these techniques are described and compared. - Abstract: Ambient ionization is a set of mass spectrometric ionization techniques performed under ambient conditions that allows the direct analysis of sample surfaces with little or no sample pretreatment. Using combinations of different types of sample introduction systems and ionization methods, several novel techniques have been developed over the last few years with many applications (e.g., food safety screening; detection of pharmaceuticals and drug abuse; monitoring of environmental pollutants; detection of explosives for antiterrorism and forensics; characterization of biological compounds for proteomics and metabolomics; molecular imaging analysis; and monitoring chemical and biochemical reactions). Electrospray ionization and atmospheric pressure chemical ionization are the two main ionization principles most commonly used in ambient ionization mass spectrometry. This tutorial paper provides a review of the publications related to ambient ionization techniques. We describe and compare the underlying principles of operation, ionization processes, detecting mass ranges, sensitivity, and representative applications of these techniques.
14. Magnetoacoustic Tomography with Magnetic Induction (MAT-MI) for Imaging Electrical Conductivity of Biological Tissue: A Tutorial Review
Science.gov (United States)
Li, Xu; Yu, Kai; He, Bin
2016-01-01
Magnetoacoustic tomography with magnetic induction (MAT-MI) is a noninvasive imaging method developed to map electrical conductivity of biological tissue with millimeter level spatial resolution. In MAT-MI, a time-varying magnetic stimulation is applied to induce eddy current inside the conductive tissue sample. With the existence of a static magnetic field, the Lorentz force acting on the induced eddy current drives mechanical vibrations producing detectable ultrasound signals. These ultrasound signals can then be acquired to reconstruct a map related to the sample’s electrical conductivity contrast. This work reviews fundamental ideas of MAT-MI and major techniques developed in these years. First, the physical mechanisms underlying MAT-MI imaging are described including the magnetic induction and Lorentz force induced acoustic wave propagation. Second, experimental setups and various imaging strategies for MAT-MI are reviewed and compared together with the corresponding experimental results. In addition, as a recently developed reverse mode of MAT-MI, magneto-acousto-electrical tomography with magnetic induction (MAET-MI) is briefly reviewed in terms of its theory and experimental studies. Finally, we give our opinions on existing challenges and future directions for MAT-MI research. With all the reported and future technical advancement, MAT-MI has the potential to become an important noninvasive modality for electrical conductivity imaging of biological tissue. PMID:27542088
15. Preparation and highlighted applications of magnetic microparticles and nanoparticles: a review on recent advances
International Nuclear Information System (INIS)
Xiao, Deli; Lu, Ting; Zeng, Rong; Bi, Yanping
2016-01-01
This review (with 144 refs.) focuses on the recent advances in the preparation and application of magnetic micro/nanoparticles. Specifically, it covers (a) methods for preparation (such as by coprecipitation, pyrolysis, hydrothermal, solvothermal, sol-gel, micro-emulsion, sonochemical, medium dispersing or emulsion polymerization methods), and (b) applications such as magnetic resonance imaging, magnetic separation of biomolecules (nucleic acids; proteins; cells), separation of metal ions and organic analytes, immobilization of enzymes, biological detection, magnetic catalysis and water treatment. Finally, the existing challenges and possible trends in the field are addressed. (author)
16. The MAGIC of Web Tutorials: How One Library (Re)Focused Its Delivery of Online Learning Objects on Users
Science.gov (United States)
Hess, Amanda Nichols
2013-01-01
Oakland University (OU) Libraries undertook an assessment of how to leverage its resources to make online tutorials more focused on users' needs. A multi-part assessment process reconsidered Web tutorials offerings through the lenses of faculty and staff feedback, literature review, and an analysis of other universities' online tutorial offerings.…
17. A tutorial on testing the race model inequality
DEFF Research Database (Denmark)
Gondan, Matthias; Minakata, Katsumi
2016-01-01
, to faster responses to redundant signals. In contrast, coactivation models assume integrated processing of the combined stimuli. To distinguish between these two accounts, Miller (1982) derived the well-known race model inequality, which has become a routine test for behavioral data in experiments...... with redundant signals. In this tutorial, we review the basic properties of redundant signals experiments and current statistical procedures used to test the race model inequality during the period between 2011 and 2014. We highlight and discuss several issues concerning study design and the test of the race...... model inequality, such as inappropriate control of Type I error, insufficient statistical power, wrong treatment of omitted responses or anticipations and the interpretation of violations of the race model inequality. We make detailed recommendations on the design of redundant signals experiments...
18. Issues and considerations for using the scalp surface Laplacian in EEG/ERP research: A tutorial review
Science.gov (United States)
Kayser, Jürgen; Tenke, Craig E.
2015-01-01
Despite the recognition that the surface Laplacian may counteract adverse effects of volume conduction and recording reference for surface potential data, electrophysiology as a discipline has been reluctant to embrace this approach for data analysis. The reasons for such hesitation are manifold but often involve unfamiliarity with the nature of the underlying transformation, as well as intimidation by a perceived mathematical complexity, and concerns of signal loss, dense electrode array requirements, or susceptibility to noise. We revisit the pitfalls arising from volume conduction and the mandated arbitrary choice of EEG reference, describe the basic principle of the surface Laplacian transform in an intuitive fashion, and exemplify the differences between common reference schemes (nose, linked mastoids, average) and the surface Laplacian for frequently-measured EEG spectra (theta, alpha) and standard event-related potential (ERP) components, such as N1 or P3. We specifically review common reservations against the universal use of the surface Laplacian, which can be effectively addressed by employing spherical spline interpolations with an appropriate selection of the spline flexibility parameter and regularization constant. We argue from a pragmatic perspective that not only are these reservations unfounded but that the continued predominant use of surface potentials poses a considerable impediment on the progress of EEG and ERP research. PMID:25920962
19. Issues and considerations for using the scalp surface Laplacian in EEG/ERP research: A tutorial review.
Science.gov (United States)
Kayser, Jürgen; Tenke, Craig E
2015-09-01
Despite the recognition that the surface Laplacian may counteract adverse effects of volume conduction and recording reference for surface potential data, electrophysiology as a discipline has been reluctant to embrace this approach for data analysis. The reasons for such hesitation are manifold but often involve unfamiliarity with the nature of the underlying transformation, as well as intimidation by a perceived mathematical complexity, and concerns of signal loss, dense electrode array requirements, or susceptibility to noise. We revisit the pitfalls arising from volume conduction and the mandated arbitrary choice of EEG reference, describe the basic principle of the surface Laplacian transform in an intuitive fashion, and exemplify the differences between common reference schemes (nose, linked mastoids, average) and the surface Laplacian for frequently-measured EEG spectra (theta, alpha) and standard event-related potential (ERP) components, such as N1 or P3. We specifically review common reservations against the universal use of the surface Laplacian, which can be effectively addressed by employing spherical spline interpolations with an appropriate selection of the spline flexibility parameter and regularization constant. We argue from a pragmatic perspective that not only are these reservations unfounded but that the continued predominant use of surface potentials poses a considerable impediment on the progress of EEG and ERP research. Copyright © 2015 Elsevier B.V. All rights reserved.
20. EURECCA consensus conference highlights about rectal cancer clinical management: The radiation oncologist’s expert review
International Nuclear Information System (INIS)
Valentini, Vincenzo; Glimelius, Bengt; Haustermans, Karin; Marijnen, Corrie A.M.; Rödel, Claus; Gambacorta, Maria Antonietta; Boelens, Petra G.; Aristei, Cynthia; Velde, Cornelis J.H. van de
2014-01-01
1. A systematic review highlights a knowledge gap regarding the effectiveness of health-related training programs in journalology.
Science.gov (United States)
Galipeau, James; Moher, David; Campbell, Craig; Hendry, Paul; Cameron, D William; Palepu, Anita; Hébert, Paul C
2015-03-01
To investigate whether training in writing for scholarly publication, journal editing, or manuscript peer review effectively improves educational outcomes related to the quality of health research reporting. We searched MEDLINE, Embase, ERIC, PsycINFO, and the Cochrane Library for comparative studies of formalized, a priori-developed training programs in writing for scholarly publication, journal editing, or manuscript peer review. Comparators included the following: (1) before and after administration of a training program, (2) between two or more training programs, or (3) between a training program and any other (or no) intervention(s). Outcomes included any measure of effectiveness of training. Eighteen reports of 17 studies were included. Twelve studies focused on writing for publication, five on peer review, and none fit our criteria for journal editing. Included studies were generally small and inconclusive regarding the effects of training of authors, peer reviewers, and editors on educational outcomes related to improving the quality of health research. Studies were also of questionable validity and susceptible to misinterpretation because of their risk of bias. This review highlights the gaps in our knowledge of how to enhance and ensure the scientific quality of research output for authors, peer reviewers, and journal editors. Copyright © 2015 The Authors. Published by Elsevier Inc. All rights reserved.
2. AEB highlights
International Nuclear Information System (INIS)
1975-01-01
AEB HIGHLIGHTS is a half-yearly report reflecting the most important recent achievements of the various Research and Technical Divisions of the Atomic Energy Board. It appears alternately in English and Afrikaans [af
3. BBG Highlights
Data.gov (United States)
Broadcasting Board of Governors — BBG Highlights is a monthly summary of the BBG's accomplishments and news and developments affecting the Agency's work. Now, for the first time, this monthly update...
4. AEB highlights
International Nuclear Information System (INIS)
1977-01-01
AEB HIGHLIGHTS is a half yearly report reflecting the most important recent achievements of the various Research and Technical Divisions of the Atomic Energy Board. It appears alternately in English and Afrikaans [af
5. Creating library tutorials for nursing students.
Science.gov (United States)
Schroeder, Heidi
2010-04-01
This article describes one librarian's experiences with creating, promoting, and assessing online library tutorials. Tutorials were designed to provide on-demand and accessible library instruction to nursing students at Michigan State University. Topics for tutorials were chosen based on the librarian's liaison experiences and suggestions from nursing faculty. The tutorials were created using Camtasia and required the application of several tools and techniques. Tutorials were promoted through Web pages, the ANGEL course management system, blog posts, librarian interactions, e-mails, and more. In order to assess the tutorials' perceived effectiveness, feedback was gathered using a short survey. Future plans for the nursing tutorials project are also discussed.
6. Computer Tutorial Programs in Physics.
Science.gov (United States)
Faughn, Jerry; Kuhn, Karl
1979-01-01
Describes a series of computer tutorial programs which are intended to help college students in introductory physics courses. Information about these programs, which are either calculus or algebra-trig based, is presented. (HM)
7. Brookhaven highlights
International Nuclear Information System (INIS)
Rowe, M.S.; Belford, M.; Cohen, A.; Greenberg, D.; Seubert, L.
1993-01-01
This report highlights the research activities of Brookhaven National Laboratory during the period dating from October 1, 1992 through September 30, 1993. There are contributions to the report from different programs and departments within the laboratory. These include technology transfer, RHIC, Alternating Gradient Synchrotron, physics, biology, national synchrotron light source, applied science, medical science, advanced technology, chemistry, reactor physics, safety and environmental protection, instrumentation, and computing and communications
8. Video Tutorial of Continental Food
Science.gov (United States)
Nurani, A. S.; Juwaedah, A.; Mahmudatussa'adah, A.
2018-02-01
This research is motivated by the belief in the importance of media in a learning process. Media as an intermediary serves to focus on the attention of learners. Selection of appropriate learning media is very influential on the success of the delivery of information itself both in terms of cognitive, affective and skills. Continental food is a course that studies food that comes from Europe and is very complex. To reduce verbalism and provide more real learning, then the tutorial media is needed. Media tutorials that are audio visual can provide a more concrete learning experience. The purpose of this research is to develop tutorial media in the form of video. The method used is the development method with the stages of analyzing the learning objectives, creating a story board, validating the story board, revising the story board and making video tutorial media. The results show that the making of storyboards should be very thorough, and detailed in accordance with the learning objectives to reduce errors in video capture so as to save time, cost and effort. In video capturing, lighting, shooting angles, and soundproofing make an excellent contribution to the quality of tutorial video produced. In shooting should focus more on tools, materials, and processing. Video tutorials should be interactive and two-way.
CERN Multimedia
CERN. Geneva; Lanza Garcia, Daniel
2016-01-01
The Hadoop ecosystem is the leading opensource platform for distributed storage and processing of "big data". The Hadoop platform is available at CERN as a central service provided by the IT department. This tutorial organized by the IT Hadoop service, aims to introduce the main concepts about Hadoop technology in a practical way and is targeted to those who would like to start using the service for distributed parallel data processing. The main topics that will be covered are: Hadoop architecture and available components How to perform distributed parallel processing in order to explore and create reports with SQL (with Apache Impala) on example data. Using a HUE - Hadoop web UI for presenting the results in user friendly way. How to format and/or structure data in order to make data processing more efficient - by using various data formats/containers and partitioning techniques (Avro, Parquet, HBase). ...
10. Moessbauer spectroscopy. Tutorial book
International Nuclear Information System (INIS)
Yoshida, Yutaka; Langouche, Guido
2013-01-01
First textbook on Moessbauer Spectroscopy covering the complete field. Offers a concise introduction to all aspects of Moessbauer spectroscopy by the leading experts in the field. Tutorials on Moessbauer Spectroscopy. Since the discovery of the Moessbauer Effect many excellent books have been published for researchers and for doctoral and master level students. However, there appears to be no textbook available for final year bachelor students, nor for people working in industry who have received only basic courses in classical mechanics, electromagnetism, quantum mechanics, chemistry and materials science. The challenge of this book is to give an introduction to Moessbauer Spectroscopy for this level. The ultimate goal of this book is to give this audience not only a scientific introduction to the technique, but also to demonstrate in an attractive way the power of Moessbauer Spectroscopy in many fields of science, in order to create interest among the readers in joining the community of Moessbauer spectroscopists. This is particularly important at times where in many Moessbauer laboratories succession is at stake.
11. Proposal for tutorial: Resilience in carrier Ethernet transport
DEFF Research Database (Denmark)
Berger, Michael Stübert; Wessing, Henrik; Ruepp, Sarah Renée
2009-01-01
This tutorial addresses how Carrier Ethernet technologies can be used in the transport network to provide resilience to the packet layer. Carrier Ethernet networks based on PBB-TE and T-MPLS/MPLS-TP are strong candidates for reliable transport of triple-play services. These technologies offer...... of enhancements are still required to make Carrier Ethernet ready for large scale deployments of reliable point-to-multipoint services. The tutorial highlights the necessary enhancements and shows possible solutions and directions towards reliable multicast. Explicit focus is on OAM for multicast, where...
12. Assessing the Effectiveness of Web-Based Tutorials Using Pre-and Post-Test Measurements
Science.gov (United States)
Guy, Retta Sweat; Lownes-Jackson, Millicent
2012-01-01
Computer technology in general and the Internet in particular have facilitated as well as motivated the development of Web-based tutorials (MacKinnon & Williams, 2006). The current research study describes a pedagogical approach that exploits the use of self-paced, Web-based tutorials for assisting students with reviewing grammar and mechanics…
13. Symposium Highlights
International Nuclear Information System (INIS)
Owen-Whitred, K.
2015-01-01
Overview/Highlights: To begin, I'd like to take a moment to highlight some of the novel elements of this Symposium as compared to those that have been held in the past. For the first time ever, this Symposium was organized around five concurrent sessions, covering over 300 papers and presentations. These sessions were complemented by an active series of exhibits put on by vendors, universities, ESARDA, INMM, and Member State Support Programmes. We also had live demonstrations throughout the week on everything from software to destructive analysis to instrumentation, which provided the participants the opportunity to see recent developments that are ready for implementation. I'm sure you all had a chance to observe - and, more importantly, interact with - the electronic Poster, or ePoster format used this past week. This technology was used here for the first time ever by the IAEA, and I'm sure was a first for many of us as well. The ePoster format allowed participants to interact with the subject matter, and the subject matter experts, in a dynamic, engaging way. In addition to the novel technology used here, I have to say that having the posters strategically embedded in the sessions on the same topic, by having each poster author introduce his or her topic to the assembled group in order to lure us to the poster area during the breaks, was also a novel and highly effective technique. A final highlight I'd like to touch on in terms of the Symposium organization is the diversity of participation. This chart shows the breakdown by geographical distribution for the Symposium, in terms of participants. There are no labels, so don't try to read any, I simply wanted to demonstrate that we had great representation in terms of both the Symposium participants in general and the session chairs more specifically-and on that note, I would just mention here that 59 Member States participated in the Symposium. But what I find especially interesting and
14. Charged particle beam current monitoring tutorial
International Nuclear Information System (INIS)
Webber, R.C.
1994-10-01
A tutorial presentation is made on topics related to the measurement of charged particle beam currents. The fundamental physics of electricity and magnetism pertinent to the problem is reviewed. The physics is presented with a stress on its interpretation from an electrical circuit theory point of view. The operation of devices including video pulse current transformers, direct current transformers, and gigahertz bandwidth wall current style transformers is described. Design examples are given for each of these types of devices. Sensitivity, frequency response, and physical environment are typical parameters which influence the design of these instruments in any particular application. Practical engineering considerations, potential pitfalls, and performance limitations are discussed
15. Advocacy and IPR, tutorial 4
CERN Multimedia
CERN. Geneva
2005-01-01
With open access and repositories assuming a high profile some may question whether advocacy is still necessary. Those involved in the business of setting up and populating repositories are aware that in the majority of institutions there is still a great need for advocacy. This tutorial will give participants an opportunity to discuss different advocacy methods and approaches, including the 'top down' and 'bottom up' approach, publicity methods and the opportunities offered by funding body positions on open access. Participants will have the opportunity to share experiences of what works and what doesn't. The advocacy role often encompasses responsibility for advising academics on IPR issues. This is a particularly critical area where repository staff are engaged in depositing content on behalf of academics. The tutorial will offer an opportunity to discuss the IPR issues encountered by those managing repositories. The tutorial will draw on the experience of participants who have been engaged in advocacy act...
16. Quantitative Microbial Risk Assessment Tutorial - Primer
Science.gov (United States)
This document provides a Quantitative Microbial Risk Assessment (QMRA) primer that organizes QMRA tutorials. The tutorials describe functionality of a QMRA infrastructure, guide the user through software use and assessment options, provide step-by-step instructions for implementi...
17. A tutorial on the principles of harmonic intonation for trombonists
Science.gov (United States)
Keener, Michael Kenneth
A Tutorial on the Principles of Harmonic Intonation for Trombonists includes a manual containing background information, explanations of the principles of harmonic intonation, and printed musical examples for use in learning and practicing the concepts of harmonic intonation. An audio compact disk containing music files corresponding to the printed music completes the set. This tutorial is designed to allow performing musicians and students to practice intonation skills with the pitch-controlled music on the compact disc. The music on the CD was recorded in movable-comma just intonation, replicating performance parameters of wind, string, and vocal ensembles. The compact disc includes sixty tracks of ear-training exercises and interval studies with which to practice intonation perception and adjustment. Tuning notes and examples of equal-tempered intervals and just intervals are included on the CD. The intonation exercises consist of musical major scales, duets, trios, and quartet phrases to be referenced while playing the printed music. The CD tracks allow the performer to play scales in unison (or practice other harmonic intervals) or the missing part of the corresponding duet, trio, or quartet exercise. Instructions in the manual guide the user through a process that can help prepare musicians for more accurate musical ensemble performance. The contextual essay that accompanies the tutorial includes a description of the tutorial, a review of related literature, methodology of construction of the tutorial, evaluations and outcomes, conclusions and recommendations for further research, and a selected bibliography.
18. Mail2Print online tutorial
CERN Multimedia
CERN. Geneva
2016-01-01
Mail2print is a feature which allows you to send documents to a printer by mail. This tutorial (text attached to the event page) explains how to use this service. Content owner: Vincent Nicolas Bippus Presenter: Pedro Augusto de Freitas Batista Tell us what you think via e-learning.support at cern.ch More tutorials in the e-learning collection of the CERN Document Server (CDS) https://cds.cern.ch/collection/E-learning%20modules?ln=en All info about the CERN rapid e-learning project is linked from http://twiki.cern.ch/ELearning
19. Tutorial on nonlinear backstepping: Applications to ship control
Directory of Open Access Journals (Sweden)
Thor I. Fossen
1999-04-01
Full Text Available The theoretical foundation of nonlinear backstepping designs is presented in a tutorial setting. This includes a brief review of integral backstepping, extensions to SISO and MIMO systems in strict feedback form and physical motivated case studies. Parallels and differences to feedback linearization where it is shown how so-called "good nonlincarities" can be exploited in the design are also made.
20. A tutorial on Palm distributions for spatial point processes
DEFF Research Database (Denmark)
Coeurjolly, Jean-Francois; Møller, Jesper; Waagepetersen, Rasmus Plenge
2017-01-01
This tutorial provides an introduction to Palm distributions for spatial point processes. Initially, in the context of finite point processes, we give an explicit definition of Palm distributions in terms of their density functions. Then we review Palm distributions in the general case. Finally, we...
1. Warping methods for spectroscopic and chromatographic signal alignment: A tutorial
Energy Technology Data Exchange (ETDEWEB)
Bloemberg, Tom G., E-mail: [email protected] [Radboud University Nijmegen, Institute for Molecules and Materials, Heyendaalseweg 135, 6525 AJ Nijmegen (Netherlands); Radboud University Nijmegen, Education Institute for Molecular Sciences, Heyendaalseweg 135, 6525 AJ Nijmegen (Netherlands); Gerretzen, Jan; Lunshof, Anton [Radboud University Nijmegen, Institute for Molecules and Materials, Heyendaalseweg 135, 6525 AJ Nijmegen (Netherlands); Wehrens, Ron [Centre for Research and Innovation, Fondazione Edmund Mach, Via E. Mach, 1, 38010 San Michele all’Adige, TN (Italy); Buydens, Lutgarde M.C. [Radboud University Nijmegen, Institute for Molecules and Materials, Heyendaalseweg 135, 6525 AJ Nijmegen (Netherlands)
2013-06-05
Highlights: •The concepts of warping and alignment are introduced. •The most important warping methods are critically reviewed and explained. •Reference selection, evaluation and place of warping in preprocessing are discussed. •Some pitfalls, especially for LC–MS and similar data, are addressed. •Examples are provided, together with programming scripts to rework and extend them. -- Abstract: Warping methods are an important class of methods that can correct for misalignments in (a.o.) chemical measurements. Their use in preprocessing of chromatographic, spectroscopic and spectrometric data has grown rapidly over the last decade. This tutorial review aims to give a critical introduction to the most important warping methods, the place of warping in preprocessing and current views on the related matters of reference selection, optimization, and evaluation. Some pitfalls in warping, notably for liquid chromatography–mass spectrometry (LC–MS) data and similar, will be discussed. Examples will be given of the application of a number of freely available warping methods to a nuclear magnetic resonance (NMR) spectroscopic dataset and a chromatographic dataset. As part of the Supporting Information, we provide a number of programming scripts in Matlab and R, allowing the reader to work the extended examples in detail and to reproduce the figures in this paper.
2. Meeting challenges through good practice. Using the highlights from the third review meeting of the Convention on Nuclear Safety to improve national regulatory systems
International Nuclear Information System (INIS)
Keen, L.J.; Cameron, J.K.
2006-01-01
The third review meeting of the Convention on Nuclear Safety (CNS), held in April 2005, demonstrated collective progress on ensuring worldwide nuclear safety. The Contracting Parties highlighted areas of focus to be brought back to the fourth review meeting and also committed to a continuity process to revitalize the review processes under the CNS. Specific progress has been achieved in the first year since the conclusion of the third review meeting, but further commitment to progress is required, by the Contracting Parties and the Secretariat of the IAEA, over the next year, especially if changes to the review processes are to be achieved for the fourth review meeting in 2008. (author)
3. Tutorial Instruction in Science Education
Directory of Open Access Journals (Sweden)
Rhea Miles
2015-06-01
Full Text Available The purpose of the study is to examine the tutorial practices of in-service teachers to address the underachievement in the science education of K-12 students. Method: In-service teachers in Virginia and North Carolina were given a survey questionnaire to examine how they tutored students who were in need of additional instruction. Results: When these teachers were asked, “How do you describe a typical one-on-one science tutorial session?” the majority of their responses were categorized as teacher-directed. Many of the teachers would provide a science tutorial session for a student after school for 16-30 minutes, one to three times a week. Respondents also indicated they would rely on technology, peer tutoring, scientific inquiry, or themselves for one-on-one science instruction. Over half of the in-service teachers that responded to the questionnaire stated that they would never rely on outside assistance, such as a family member or an after school program to provide tutorial services in science. Additionally, very few reported that they incorporated the ethnicity, culture, or the native language of ELL students into their science tutoring sessions.
4. A tutorial on Fisher information
NARCIS (Netherlands)
Ly, A.; Marsman, M.; Verhagen, J.; Grasman, R.P.P.P.; Wagenmakers, E.-M.
2017-01-01
In many statistical applications that concern mathematical psychologists, the concept of Fisher information plays an important role. In this tutorial we clarify the concept of Fisher information as it manifests itself across three different statistical paradigms. First, in the frequentist paradigm,
5. Network Analysis on Attitudes: A Brief Tutorial.
Science.gov (United States)
Dalege, Jonas; Borsboom, Denny; van Harreveld, Frenk; van der Maas, Han L J
2017-07-01
In this article, we provide a brief tutorial on the estimation, analysis, and simulation on attitude networks using the programming language R. We first discuss what a network is and subsequently show how one can estimate a regularized network on typical attitude data. For this, we use open-access data on the attitudes toward Barack Obama during the 2012 American presidential election. Second, we show how one can calculate standard network measures such as community structure, centrality, and connectivity on this estimated attitude network. Third, we show how one can simulate from an estimated attitude network to derive predictions from attitude networks. By this, we highlight that network theory provides a framework for both testing and developing formalized hypotheses on attitudes and related core social psychological constructs.
6. Research Methods Tutorial
Science.gov (United States)
Aguilera, Frank J.
2015-01-01
A guiding principle for conducting research in technology, science, and engineering, leading to innovation is based on our use of research methodology (both qualitative and qualitative). A brief review of research methodology will be presented with an overview of NASA process in developing aeronautics technologies and other things to consider in research including what is innovation.
7. ROOT Tutorial for Summer Students
CERN Multimedia
CERN. Geneva; Piparo, Danilo
2015-01-01
ROOT is a "batteries-included" tool kit for data analysis, storage and visualization. It is widely used in High Energy Physics and other disciplines such as Biology, Finance and Astrophysics. This event is an introductory tutorial to ROOT and comprises a front lecture and hands on exercises. IMPORTANT NOTE: The tutorial is based on ROOT 6.04 and NOT on the ROOT5 series. IMPORTANT NOTE: if you have ROOT 6.04 installed on your laptop, you will not need to install any virtual machine. The instructions showing how to install the virtual machine on which you can find ROOT 6.04 can be found under "Material" on this page.
8. Web-tutorials in context
DEFF Research Database (Denmark)
Lund, Haakon; Pors, Niels Ole
2012-01-01
Purpose – The purpose of the research is to investigate Norwegian web‐tutorials in contexts consisting of organizational issues and different forms of usability in relation to students’ perception and use of the system. Further, the research investigates the usefulness of the concepts concerning...... affordances and different forms of usability. Design/methodology/approach – The research has employed a variety of data‐collection methods including interviews with librarians, interviews and focus group interviews with students, coupled with tests of their capabilities using the systems. A detailed research...... the tutorials as part of the requirements. Further, examples of organizational amnesia are discussed, pointing to the necessity for leadership support and systematic knowledge sharing. System Usability Scores are analysed in relation to solution of tasks and interesting relations are analysed. The perceptions...
9. Tutorial on Online Partial Evaluation
Directory of Open Access Journals (Sweden)
William R. Cook
2011-09-01
Full Text Available This paper is a short tutorial introduction to online partial evaluation. We show how to write a simple online partial evaluator for a simple, pure, first-order, functional programming language. In particular, we show that the partial evaluator can be derived as a variation on a compositionally defined interpreter. We demonstrate the use of the resulting partial evaluator for program optimization in the context of model-driven development.
10. Tutorials in mathematical biosciences
CERN Document Server
2008-01-01
The book offers an easy introduction to fast growing research areas in evolution of species, population genetics, ecological models, and population dynamics. The first two chapters review the concept and methodologies of phylogenetic trees; computational schemes and illustrations are given, including applications such as tracing the origin of SARS and influenza. The third chapter introduces the reader to ecological models, including predator-prey models. This chapter includes and introduction to reaction-diffusion equations, which are used to analyze the ecological models. The next chapter reviews a broad range of ongoing research in population dynamics, including evolution of dispersal models; it also features interesting mathematical theorems and lists open problems. The final chapter deals with gene frequencies under the action of migration and selection. The book is addressed to readers at the level of grad students and researchers. A background in PDEs is provided.
11. Operational Modal Analysis Tutorial
DEFF Research Database (Denmark)
Brincker, Rune; Andersen, Palle
of modal parameters of practical interest - including the mode shape scaling factor - with a high degree of accuracy. It is also argued that the operational technology offers the user a number of advantages over traditional modal testing. The operational modal technology allows the user to perform a modal......In this paper the basic principles in operational modal testing and analysis are presented and discussed. A brief review of the techniques for operational modal testing and identification is presented, and it is argued, that there is now a wide range of techniques for effective identification...
12. Successful management of Barth syndrome: a systematic review highlighting the importance of a flexible and multidisciplinary approach
Directory of Open Access Journals (Sweden)
Reynolds S
2015-07-01
Full Text Available Stacey Reynolds Department of Occupational Therapy, Virginia Commonwealth University, Richmond, VA, USA Abstract: This review describes and summarizes the available evidence related to the treatment and management of Barth syndrome. The Preferred Reporting Items for Systematic Reviews and Meta-Analyses (PRISMA standards were used to identify articles published between December 2004 and January 2015. The Cochrane Population, Intervention, Control, Outcome, Study Design (PICOS approach was used to guide the article selection and evaluation process. Of the 128 articles screened, 28 articles matched the systematic review inclusion criteria. The results of this review indicate the need for a flexible and multidisciplinary approach to manage the symptoms most commonly associated with Barth syndrome. It is recommended that a comprehensive care team should include individuals with Barth syndrome, their family members and caregivers, as well as medical, rehabilitative, nutritional, psychological, and educational professionals. The evidence for specific treatments, therapies, and techniques for individuals with Barth syndrome is currently lacking in both quality and quantity. Keywords: Barth syndrome, rare disorders, rehabilitation, cardiac, systematic review
13. Oracle support provides a range of new tutorials
CERN Multimedia
2012-01-01
The IT DB is pleased to announce a new series of Oracle tutorials, with the proposed schedule. Note that these tutorials will take place in the Filtration Plant (Building 222) and that no registration is required. 4 June (Monday) 09:00 Oracle Architecture, Przemyslaw Adam Radowiecki The objective is to go through Oracle database physical and logical structures, highlighting the consequences of some of Oracle's internal design choices for developers of database applications. The presentation defines Oracle-related basic terms and illustrates them based on the database architecture. The following topics will be discussed: • Database with its physical and logical structures (tablespace, segment, extent, block, database user, schema, user's quota) • Single instance (significant memory structures: buffer cache, shared pool) • Real Application Cluster (RAC) • Connecting to the database (TNS, database service) • SQL statement processing (h...
14. Gradient Boosting Machines, A Tutorial
Directory of Open Access Journals (Sweden)
Alexey eNatekin
2013-12-01
Full Text Available Gradient boosting machines are a family of powerful machine-learning techniques that have shown considerable success in a wide range of practical applications. They are highly customizable to the particular needs of the application, like being learned with respect to different loss functions. This article gives a tutorial introduction into the methodology of gradient boosting methods. A theoretical information is complemented with many descriptive examples and illustrations which cover all the stages of the gradient boosting model design. Considerations on handling the model complexity are discussed. A set of practical examples of gradient boosting applications are presented and comprehensively analyzed.
15. Historical Text Comprehension Reflective Tutorial Dialogue System
Science.gov (United States)
Grigoriadou, Maria; Tsaganou, Grammatiki; Cavoura, Theodora
2005-01-01
The Reflective Tutorial Dialogue System (ReTuDiS) is a system for learner modelling historical text comprehension through reflective dialogue. The system infers learners' cognitive profiles and constructs their learner models. Based on the learner model the system plans the appropriate--personalized for learners--reflective tutorial dialogue in…
16. Getting rid of the unwanted: highlights of developments and challenges of biobeneficiation of iron ore minerals-a review.
Science.gov (United States)
2014-12-01
The quest for quality mineral resources has led to the development of many technologies that can be used to refine minerals. Biohydrometallurgy is becoming an increasingly acceptable technology worldwide because it is cheap and environmentally friendly. This technology has been successfully developed for some sulphidic minerals such as gold and copper. In spite of wide acceptability of this technology, there are limitations to its applications especially in the treatment of non-sulphidic minerals such as iron ore minerals. High levels of elements such as potassium (K) and phosphorus (P) in iron ore minerals are known to reduce the quality and price of these minerals. Hydrometallurgical methods that are non-biological involving the use of chemicals are usually used to deal with this problem. However, recent advances in mining technologies favour green technologies, known as biohydrometallurgy, with minimal impact on the environment. This technology can be divided into two, namely bioleaching and biobeneficiation. This review focuses on Biobeneficiation of iron ore minerals. Biobeneficiation of iron ore is very challenging due to the low price and chemical constitution of the ore. There are substantial interests in the exploration of this technology for improving the quality of iron ore minerals. In this review, current developments in the biobeneficiation of iron ore minerals are considered, and potential solutions to challenges faced in the wider adoption of this technology are proposed.
17. Tutorial on X-ray photon counting detector characterization.
Science.gov (United States)
Ren, Liqiang; Zheng, Bin; Liu, Hong
2018-01-01
Recent advances in photon counting detection technology have led to significant research interest in X-ray imaging. As a tutorial level review, this paper covers a wide range of aspects related to X-ray photon counting detector characterization. The tutorial begins with a detailed description of the working principle and operating modes of a pixelated X-ray photon counting detector with basic architecture and detection mechanism. Currently available methods and techniques for charactering major aspects including energy response, noise floor, energy resolution, count rate performance (detector efficiency), and charge sharing effect of photon counting detectors are comprehensively reviewed. Other characterization aspects such as point spread function (PSF), line spread function (LSF), contrast transfer function (CTF), modulation transfer function (MTF), noise power spectrum (NPS), detective quantum efficiency (DQE), bias voltage, radiation damage, and polarization effect are also remarked. A cadmium telluride (CdTe) pixelated photon counting detector is employed for part of the characterization demonstration and the results are presented. This review can serve as a tutorial for X-ray imaging researchers and investigators to understand, operate, characterize, and optimize photon counting detectors for a variety of applications.
18. Clinical highlights from Amsterdam
Directory of Open Access Journals (Sweden)
Jouke T. Annema
2016-07-01
Full Text Available This article contains highlights and a selection of the scientific advances from the Clinical Assembly that were presented at the 2015 European Respiratory Society International Congress in Amsterdam, the Netherlands. The most relevant topics for clinicians will be discussed, covering a wide range of areas including interventional pulmonology, rehabilitation and chronic care, thoracic imaging, diffuse and parenchymal lung diseases, and general practice and primary care. In this comprehensive review, exciting novel data will be discussed and put into perspective.
19. Highlighting the Way Forward: A Review of Community Mental Health Research and Practice Published in AJCP and JCP.
Science.gov (United States)
Townley, Greg; Terry, Rachel
2018-03-01
Articles published in the two most prominent journals of community psychology in North America, the American Journal of Community Psychology (AJCP) and Journal of Community Psychology (JCP), provide a clear indicator of trends in community research and practice. An examination of community psychology's history and scholarship suggests that the field has reduced its emphasis on promoting mental health, well-being, and liberation of individuals with serious mental illnesses over the past several decades. To further investigate this claim, the current review presents an analysis of articles relevant to community mental health (N = 307) published in the American Journal of Community Psychology (AJCP) and Journal of Community Psychology (JCP) from 1973 to 2015. The review focuses on article characteristics (e.g., type of article and methods employed), author characteristics, topic areas, and theoretical frameworks. Results document a downward trend in published articles from the mid-1980s to mid-2000s, with a substantial increase in published work between 2006 and 2015. A majority of articles were empirical and employed quantitative methods. The most frequent topic area was community mental health centers and services (n = 49), but the past three decades demonstrate a clear shift away from mental health service provision to address pressing social issues that impact community mental health, particularly homelessness (n = 42) and community integration of adults with serious mental illnesses (n = 40). Findings reflect both the past and present state of community psychology and suggest promising directions for re-engaging with community mental health and fostering well-being, inclusion, and liberation of adults experiencing serious mental health challenges. © Society for Community Research and Action 2017.
20. Tutorial
DEFF Research Database (Denmark)
Bender, Ralf; Berg, Gabriele; Zeeb, Hajo
2005-01-01
attention to the different interpretation of one- and two-sided statistical inference. It is shown that these two options also have influence on the plotting of appropriate confidence curves. We illustrate the use of one- and two-sided confidence curves and explain their correct interpretation. In medical...
1. Adaptive Tutorials Versus Web-Based Resources in Radiology: A Mixed Methods Comparison of Efficacy and Student Engagement.
Science.gov (United States)
Wong, Vincent; Smith, Ariella J; Hawkins, Nicholas J; Kumar, Rakesh K; Young, Noel; Kyaw, Merribel; Velan, Gary M
2015-10-01
2. Highlights from the literature on accident causation and system safety: Review of major ideas, recent contributions, and challenges
Energy Technology Data Exchange (ETDEWEB)
Saleh, J.H., E-mail: [email protected] [School of Aerospace Engineering, Georgia Institute of Technology (United States); Marais, K.B. [School of Aeronautics and Astronautics, Purdue University (United States); Bakolas, E.; Cowlagi, R.V. [School of Aerospace Engineering, Georgia Institute of Technology (United States)
2010-11-15
This work constitutes a short guide to the extensive but fragmented literature on accident causation and system safety. After briefly motivating the interest in accident causation and discussing the notion of a safety value chain, we delve into our multi-disciplinary review with discussions of Man Made Disasters, Normal Accident, and the High Reliability Organizations (HRO) paradigm. The HRO literature intersects an extensive literature on safety culture, a subject we then briefly touch upon. Following this discussion, we note that while these social and organizational contributions have significantly enriched our understanding of accident causation and system safety, they have important deficiencies and are lacking in their understanding of technical and design drivers of system safety and accident causation. These missing ingredients, we argue, were provided in part by the development of Probabilistic Risk Assessment (PRA). The idea of anticipating possible accident scenarios, based on the system design and configuration, as well as its technical and operational characteristics, constitutes an important contribution of PRA, which builds on and extends earlier contributions made by the development of Fault Tree and Event Tree Analysis. We follow the discussion of PRA with an exposition of the concept of safety barriers and the principle of defense-in-depth, both of which emphasize the functions and 'safety elements [that should be] deliberately inserted' along potential accident trajectories to prevent, contain, or mitigate accidents. Finally, we discuss two ideas that are emerging as foundational in the literature on system safety and accident causation, namely that system safety is a 'control problem', and that it requires a 'system theoretic' approach to be dealt with. We clarify these characterizations and indicate research opportunities to be pursued along these directions. We conclude this work with two general recommendations
3. Highlights from the literature on accident causation and system safety: Review of major ideas, recent contributions, and challenges
International Nuclear Information System (INIS)
Saleh, J.H.; Marais, K.B.; Bakolas, E.; Cowlagi, R.V.
2010-01-01
This work constitutes a short guide to the extensive but fragmented literature on accident causation and system safety. After briefly motivating the interest in accident causation and discussing the notion of a safety value chain, we delve into our multi-disciplinary review with discussions of Man Made Disasters, Normal Accident, and the High Reliability Organizations (HRO) paradigm. The HRO literature intersects an extensive literature on safety culture, a subject we then briefly touch upon. Following this discussion, we note that while these social and organizational contributions have significantly enriched our understanding of accident causation and system safety, they have important deficiencies and are lacking in their understanding of technical and design drivers of system safety and accident causation. These missing ingredients, we argue, were provided in part by the development of Probabilistic Risk Assessment (PRA). The idea of anticipating possible accident scenarios, based on the system design and configuration, as well as its technical and operational characteristics, constitutes an important contribution of PRA, which builds on and extends earlier contributions made by the development of Fault Tree and Event Tree Analysis. We follow the discussion of PRA with an exposition of the concept of safety barriers and the principle of defense-in-depth, both of which emphasize the functions and 'safety elements [that should be] deliberately inserted' along potential accident trajectories to prevent, contain, or mitigate accidents. Finally, we discuss two ideas that are emerging as foundational in the literature on system safety and accident causation, namely that system safety is a 'control problem', and that it requires a 'system theoretic' approach to be dealt with. We clarify these characterizations and indicate research opportunities to be pursued along these directions. We conclude this work with two general recommendations: (1) that more fundamental
4. Writing learning cases for an information literacy tutorial
Directory of Open Access Journals (Sweden)
Gunhild Austrheim
2010-09-01
Full Text Available The research and writing processes are often hidden mysteries to our students. A key point in the online tutorial Search and Write (Søk and Skriv has been to supply our students with tools to handle these processes. Learning cases embedded in the tutorial allow us to demonstrate a variety of working techniques and to better cater for a diverse student population. The tutorial can be used as an independent resource for students and as a teaching aid for both library sessions on information literacy and for faculty-led sessions on academic writing. Our tutorial is available in Norwegian and in English and thereby the tutorial can be used with both local and international students. An online tutorial is aimed at all students and therefore the information literacy content is of a general kind. The pedagogical foundation for the Search and Write tutorial is in contextual learning. Adding context to our general content has been important to us and we decided to develop learning cases for this purpose. In our online tutorial we have developed three sample student blogs, Kuhlthau’s information search process functions as a template in structuring the students’ stories. The blogs are learning cases, developed with the intent of illustrating various aspects of academic writing tasks. The blog stories are idealized and touch upon many of the known stumbling stones for student writers. Contextualising the search and write process like this let us explore the diversity of student assignments and from various fields of study. When our real-life students use Search and Write they may use their own research question as a point of departure. They can read the blog stories and relate these stories to their own experiences. They can use the How to brainstorm-tips provided in Sofie’s blog. Christian’s use of tutors, library staff and his writing group can provide guidance on who to ask for help. For students writing literature reviews Oda’s systematic
5. Hyperspectral image analysis. A tutorial
DEFF Research Database (Denmark)
Amigo Rubio, Jose Manuel; Babamoradi, Hamid; Elcoroaristizabal Martin, Saioa
2015-01-01
This tutorial aims at providing guidelines and practical tools to assist with the analysis of hyperspectral images. Topics like hyperspectral image acquisition, image pre-processing, multivariate exploratory analysis, hyperspectral image resolution, classification and final digital image processi...... to differentiate between several types of plastics by using Near infrared hyperspectral imaging and Partial Least Squares - Discriminant Analysis. Thus, the reader is guided through every single step and oriented in order to adapt those strategies to the user's case....... will be exposed, and some guidelines given and discussed. Due to the broad character of current applications and the vast number of multivariate methods available, this paper has focused on an industrial chemical framework to explain, in a step-wise manner, how to develop a classification methodology...
6. Hadoop Tutorial - Efficient data ingestion
CERN Multimedia
CERN. Geneva; Baranowski, Zbigniew
2016-01-01
The Hadoop ecosystem is the leading opensource platform for distributed storage and processing of "big data". The Hadoop platform is available at CERN as a central service provided by the IT department. Real-time data ingestion to Hadoop ecosystem due to the system specificity is non-trivial process and requires some efforts (which is often underestimated) in order to make it efficient (low latency, optimize data placement, footprint on the cluster). In this tutorial attendees will learn about: The important aspects of storing the data in Hadoop Distributed File System (HDFS). Data ingestion techniques and engines that are capable of shipping data to Hadoop in an efficient way. Setting up a full data ingestion flow into a Hadoop Distributed Files System from various sources (streaming, log files, databases) using the best practices and components available around the ecosystem (including Sqoop, Kite, Flume, Kafka...
7. OAI-PMH basics Tutorial 3
CERN Document Server
CERN. Geneva
2007-01-01
8. Advocacy and policy issues Tutorial 2
CERN Document Server
CERN. Geneva
2007-01-01
9. The genre tutorial and social networks terminology
Directory of Open Access Journals (Sweden)
Márcio Sales Santiago
2014-02-01
Full Text Available This paper analyzes the terminology in the Internet social networks tutorials. A tutorial is a specialized text, full of terms, aiming to teach an individual or group of individuals who need some guidelines to operationalize a computerized tool, such as a social network. It is necessary to identify linguistic and terminological characteristics from the specialized lexical units in this digital genre. Social networks terminology is described and exemplified here. The results show that it is possible to refer to two specific terminologies in tutorials which help to determine the terminological profile of the thematic area, specifically from the point of view of denomination.
10. Action perception and imitation : a tutorial
NARCIS (Netherlands)
Bekkering, H; Wohlschlager, A; Prinz, W; Hommel, B
2002-01-01
Currently, imitation, or performing an act after perceiving it, is in the focus of attention of researchers from many different disciplines. Although this tutorial attempts to provide some interdisciplinary background, it will concentrate on possible cognitive mechanisms that underlie imitation
11. Teaching Game Programming using Video Tutorials
DEFF Research Database (Denmark)
Majgaard, Gunver
. & Squire K. (2004). Design-Based Research: Putting a Stake in the Ground. Journal of Learning Sciences Vol. 13-1. Lave, J., & Wenger, E. (1991). Situated Learning: Legitimate Peripheral Participation, Cambridge: Cambridge Univ. Majgaard, G. (2014). Teaching Design of Emerging Embodied Technologies......Background. What are the learning potentials of using online video tutorials as educational tools in game programming of Mixed Reality? The paper reports on the first experiences of teaching third semester engineering students design of Mixed Reality using online step-by-step programming video...... production makes video tutorials a promising alternative to paper tutorials. Software and game engine companies such as Unity has already switched to video and other online materials as the primary medium for their tutorials. It is often hard to find up to date thoroughly worked through textbooks on new...
12. Transcript for Understanding Medical Words: A Tutorial
Science.gov (United States)
... medlineplus.gov/medicalwordstranscript.html Transcript for Understanding Medical Words: A Tutorial To use the sharing features on ... get to what those mean in a minute. Word Roots Word Roots. Let's begin with body parts. ...
13. Iterative Decoding of Concatenated Codes: A Tutorial
Directory of Open Access Journals (Sweden)
Phillip A. Regalia
2005-05-01
Full Text Available The turbo decoding algorithm of a decade ago constituted a milestone in error-correction coding for digital communications, and has inspired extensions to generalized receiver topologies, including turbo equalization, turbo synchronization, and turbo CDMA, among others. Despite an accrued understanding of iterative decoding over the years, the “turbo principle†remains elusive to master analytically, thereby inciting interest from researchers outside the communications domain. In this spirit, we develop a tutorial presentation of iterative decoding for parallel and serial concatenated codes, in terms hopefully accessible to a broader audience. We motivate iterative decoding as a computationally tractable attempt to approach maximum-likelihood decoding, and characterize fixed points in terms of a “consensus†property between constituent decoders. We review how the decoding algorithm for both parallel and serial concatenated codes coincides with an alternating projection algorithm, which allows one to identify conditions under which the algorithm indeed converges to a maximum-likelihood solution, in terms of particular likelihood functions factoring into the product of their marginals. The presentation emphasizes a common framework applicable to both parallel and serial concatenated codes.
14. Low temperature plasma biomedicine: A tutorial reviewa)
Science.gov (United States)
Graves, David B.
2014-08-01
Gas discharge plasmas formed at atmospheric pressure and near room temperature have recently been shown to be potentially useful for surface and wound sterilization, antisepsis, bleeding cessation, wound healing, and cancer treatment, among other biomedical applications. This tutorial review summarizes the field, stressing the likely role of reactive oxygen and nitrogen species created in these plasmas as the biologically and therapeutically active agents. Reactive species, including radicals and non-radical compounds, are generated naturally within the body and are now understood to be essential for normal biological functions. These species are known to be active agents in existing therapies for wound healing, infection control, and cancer treatment. But they are also observed at elevated levels in persons with many diseases and are associated with aging. The physical and chemical complexity of plasma medical devices and their associated biochemical effects makes the development of safe, effective plasma medical devices and procedures a challenge, but encouragingly rapid progress has been reported around the world in the last several years.
15. GOCE User Toolbox and Tutorial
Science.gov (United States)
Knudsen, P.; Benveniste, J.
2011-07-01
The GOCE User Toolbox GUT is a compilation of tools for the utilisation and analysis of GOCE Level 2 products. GUT support applications in Geodesy, Oceanography and Solid Earth Physics. The GUT Tutorial provides information and guidance in how to use the toolbox for a variety of applications. GUT consists of a series of advanced computer routines that carry out the required computations. It may be used on Windows PCs, UNIX/Linux Workstations, and Mac. The toolbox is supported by The GUT Algorithm Description and User Guide and The GUT Install Guide. A set of a-priori data and models are made available as well. GUT has been developed in a collaboration within the GUT Core Group. The GUT Core Group: S. Dinardo, D. Serpe, B.M. Lucas, R. Floberghagen, A. Horvath (ESA), O. Andersen, M. Herceg (DTU), M.-H. Rio, S. Mulet, G. Larnicol (CLS), J. Johannessen, L.Bertino (NERSC), H. Snaith, P. Challenor (NOC), K. Haines, D. Bretherton (NCEO), C. Hughes (POL), R.J. Bingham (NU), G. Balmino, S. Niemeijer, I. Price, L. Cornejo (S&T), M. Diament, I Panet (IPGP), C.C. Tscherning (KU), D. Stammer, F. Siegismund (UH), T. Gruber (TUM),
16. Bayesian Latent Class Analysis Tutorial.
Science.gov (United States)
Li, Yuelin; Lord-Bessen, Jennifer; Shiyko, Mariya; Loeb, Rebecca
2018-01-01
This article is a how-to guide on Bayesian computation using Gibbs sampling, demonstrated in the context of Latent Class Analysis (LCA). It is written for students in quantitative psychology or related fields who have a working knowledge of Bayes Theorem and conditional probability and have experience in writing computer programs in the statistical language R . The overall goals are to provide an accessible and self-contained tutorial, along with a practical computation tool. We begin with how Bayesian computation is typically described in academic articles. Technical difficulties are addressed by a hypothetical, worked-out example. We show how Bayesian computation can be broken down into a series of simpler calculations, which can then be assembled together to complete a computationally more complex model. The details are described much more explicitly than what is typically available in elementary introductions to Bayesian modeling so that readers are not overwhelmed by the mathematics. Moreover, the provided computer program shows how Bayesian LCA can be implemented with relative ease. The computer program is then applied in a large, real-world data set and explained line-by-line. We outline the general steps in how to extend these considerations to other methodological applications. We conclude with suggestions for further readings.
17. A 5' online tutorial about 'how to prepare for a 5' online tutorial'
CERN Multimedia
CERN. Geneva
2016-01-01
This 4' video summarises our experience from short online tutorial recordings for the last 6 months. It contains important points for speakers' preparation and things to observe during the online tutorial recordings. For more details, check out our e-learning twiki.
18. Making generic tutorials content specific: recycling evidence-based practice (EBP) tutorials for two disciplines.
Science.gov (United States)
Jeffery, Keven M; Maggio, Lauren; Blanchard, Mary
2009-01-01
Librarians at the Boston University Medical Center constructed two interactive online tutorials, "Introduction to EBM" and "Formulating a Clinical Question (PICO)," for a Family Medicine Clerkship and then quickly repurposed the existing tutorials to support an Evidence-based Dentistry course. Adobe's ColdFusion software was used to populate the tutorials with course-specific content based on the URL used to enter each tutorial, and a MySQL database was used to collect student input. Student responses were viewable immediately by course faculty on a password-protected Web site. The tutorials ensured that all students received the same baseline training and allowed librarians to tailor a subsequent library skills workshop to student tutorial answers. The tutorials were well-received by the medical and dental schools and have been added to mandatory first-year Evidence-based Medicine (EBM) and Evidence-based Dentistry (EBD) courses, meaning that every medical and dental student at BUMC will be expected to complete these tutorials.
19. Systematic review and meta-analysis of skin substitutes in the treatment of diabetic foot ulcers: Highlights of a Cochrane systematic review
NARCIS (Netherlands)
Santema, T. B. Katrien; Poyck, Paul P. C.; Ubbink, Dirk T.
2016-01-01
Skin substitutes are increasingly used in the treatment of various types of acute and chronic wounds. The aim of this study was to perform a systematic review and meta-analysis to evaluate the effectiveness of skin substitutes on ulcer healing and limb salvage in the treatment of diabetic foot
20. Prognostics 101: A tutorial for particle filter-based prognostics algorithm using Matlab
International Nuclear Information System (INIS)
An, Dawn; Choi, Joo-Ho; Kim, Nam Ho
2013-01-01
This paper presents a Matlab-based tutorial for model-based prognostics, which combines a physical model with observed data to identify model parameters, from which the remaining useful life (RUL) can be predicted. Among many model-based prognostics algorithms, the particle filter is used in this tutorial for parameter estimation of damage or a degradation model. The tutorial is presented using a Matlab script with 62 lines, including detailed explanations. As examples, a battery degradation model and a crack growth model are used to explain the updating process of model parameters, damage progression, and RUL prediction. In order to illustrate the results, the RUL at an arbitrary cycle are predicted in the form of distribution along with the median and 90% prediction interval. This tutorial will be helpful for the beginners in prognostics to understand and use the prognostics method, and we hope it provides a standard of particle filter based prognostics. -- Highlights: ► Matlab-based tutorial for model-based prognostics is presented. ► A battery degradation model and a crack growth model are used as examples. ► The RUL at an arbitrary cycle are predicted using the particle filter
1. Online Job Tutorials @ the Public Library: Best Practices from Carnegie Library of Pittsburgh's Job & Career Education Center
Directory of Open Access Journals (Sweden)
Rhea M. Hebert
2013-09-01
Full Text Available This article describes the Job & Career Education Center (JCEC tutorial project completed in September of 2012. The article also addresses the website redesign implemented to highlight the tutorials and improve user engagement with JCEC online resources. Grant monies made it possible for a Digital Outreach Librarian to create a series of tutorials with the purpose of providing job-related assistance beyond the JCEC in the Carnegie Library of Pittsburgh—Main location. Benchmarking, planning, implementation, and assessment are addressed. A set of best practices for all libraries (public, academic, school, special are presented. Best practices are applicable to tutorials created with software other than Camtasia, the software used by the JCEC project.
2. PSI scientific highlights 2012
International Nuclear Information System (INIS)
Piwnicki, P.; Dury, T.
2013-05-01
This comprehensive report issued by the Paul Scherrer Institute (PSI) reviews research in various areas carried out by the institute in 2012. Also, the various facilities to be found at the institute are described. Research focus and highlights are discussed. These include work done using synchrotron light, neutrons and muons as well as work done in the particle physics, microtechnology and nanotechnology areas. Further areas of research include biomolecular research, radiopharmacy, radiochemistry and environmental chemistry. Other areas covered include general energy research and work done at the Competence Center for Energy and Mobility CCEM, work done on nuclear energy safety as well as systems analysis in the environmental and energy areas. The report is concluded with facts and figures on the PSI, its Advisory Board and its organisational structures
3. Analysis of information security reliability: A tutorial
International Nuclear Information System (INIS)
Kondakci, Suleyman
2015-01-01
This article presents a concise reliability analysis of network security abstracted from stochastic modeling, reliability, and queuing theories. Network security analysis is composed of threats, their impacts, and recovery of the failed systems. A unique framework with a collection of the key reliability models is presented here to guide the determination of the system reliability based on the strength of malicious acts and performance of the recovery processes. A unique model, called Attack-obstacle model, is also proposed here for analyzing systems with immunity growth features. Most computer science curricula do not contain courses in reliability modeling applicable to different areas of computer engineering. Hence, the topic of reliability analysis is often too diffuse to most computer engineers and researchers dealing with network security. This work is thus aimed at shedding some light on this issue, which can be useful in identifying models, their assumptions and practical parameters for estimating the reliability of threatened systems and for assessing the performance of recovery facilities. It can also be useful for the classification of processes and states regarding the reliability of information systems. Systems with stochastic behaviors undergoing queue operations and random state transitions can also benefit from the approaches presented here. - Highlights: • A concise survey and tutorial in model-based reliability analysis applicable to information security. • A framework of key modeling approaches for assessing reliability of networked systems. • The framework facilitates quantitative risk assessment tasks guided by stochastic modeling and queuing theory. • Evaluation of approaches and models for modeling threats, failures, impacts, and recovery analysis of information systems
4. Neural networks and applications tutorial
Science.gov (United States)
Guyon, I.
1991-09-01
The importance of neural networks has grown dramatically during this decade. While only a few years ago they were primarily of academic interest, now dozens of companies and many universities are investigating the potential use of these systems and products are beginning to appear. The idea of building a machine whose architecture is inspired by that of the brain has roots which go far back in history. Nowadays, technological advances of computers and the availability of custom integrated circuits, permit simulations of hundreds or even thousands of neurons. In conjunction, the growing interest in learning machines, non-linear dynamics and parallel computation spurred renewed attention in artificial neural networks. Many tentative applications have been proposed, including decision systems (associative memories, classifiers, data compressors and optimizers), or parametric models for signal processing purposes (system identification, automatic control, noise canceling, etc.). While they do not always outperform standard methods, neural network approaches are already used in some real world applications for pattern recognition and signal processing tasks. The tutorial is divided into six lectures, that where presented at the Third Graduate Summer Course on Computational Physics (September 3-7, 1990) on Parallel Architectures and Applications, organized by the European Physical Society: (1) Introduction: machine learning and biological computation. (2) Adaptive artificial neurons (perceptron, ADALINE, sigmoid units, etc.): learning rules and implementations. (3) Neural network systems: architectures, learning algorithms. (4) Applications: pattern recognition, signal processing, etc. (5) Elements of learning theory: how to build networks which generalize. (6) A case study: a neural network for on-line recognition of handwritten alphanumeric characters.
5. GOCE User Toolbox and Tutorial
Science.gov (United States)
Knudsen, Per; Benveniste, Jerome
2017-04-01
The GOCE User Toolbox GUT is a compilation of tools for the utilisation and analysis of GOCE Level 2 products.
GUT support applications in Geodesy, Oceanography and Solid Earth Physics. The GUT Tutorial provides information
and guidance in how to use the toolbox for a variety of applications. GUT consists of a series of advanced
computer routines that carry out the required computations. It may be used on Windows PCs, UNIX/Linux Workstations,
and Mac. The toolbox is supported by The GUT Algorithm Description and User Guide and The GUT
Install Guide. A set of a-priori data and models are made available as well. Without any doubt the development
of the GOCE user toolbox have played a major role in paving the way to successful use of the GOCE data for
oceanography. The GUT version 2.2 was released in April 2014 and beside some bug-fixes it adds the capability for the computation of Simple Bouguer Anomaly (Solid-Earth). During this fall a new GUT version 3 has been released. GUTv3 was further developed through a collaborative effort where the scientific communities participate aiming
on an implementation of remaining functionalities facilitating a wider span of research in the fields of Geodesy,
Oceanography and Solid earth studies.
Accordingly, the GUT version 3 has:
- An attractive and easy to use Graphic User Interface (GUI) for the toolbox,
- Enhance the toolbox with some further software functionalities such as to facilitate the use of gradients,
anisotropic diffusive filtering and computation of Bouguer and isostatic gravity anomalies.
- An associated GUT VCM tool for analyzing the GOCE variance covariance matrices.
6. TUTORIAL COACHING AS A STRATEGY OF PROFESSIONAL AND PERSONAL DEVELOPMENT: AN EXPERIENCE-BASED STUDY IN A SECONDARY EDUCATION INSTITUTE
OpenAIRE
GLADYS IBETH ARIZA ORDÓÑEZ; HÉCTOR BALMES OCAMPO VILLEGAS
2005-01-01
Tutorial accompaniment constitutes at present a necessary alternative in the framework of higher education. This workstarts with a general conceptualization of the tutorial, and makes a review of the styles, methods and proceduresrelated to this academic life facet which can effectively contribute to reach the goals the present higher education pursuitwhen it is applied in a coherent and systematic way.Considering the changes that the economy as well as the legislation have generated in educa...
7. Dynamical systems on networks a tutorial
CERN Document Server
Porter, Mason A
2016-01-01
This volume is a tutorial for the study of dynamical systems on networks. It discusses both methodology and models, including spreading models for social and biological contagions. The authors focus especially on “simple” situations that are analytically tractable, because they are insightful and provide useful springboards for the study of more complicated scenarios. This tutorial, which also includes key pointers to the literature, should be helpful for junior and senior undergraduate students, graduate students, and researchers from mathematics, physics, and engineering who seek to study dynamical systems on networks but who may not have prior experience with graph theory or networks. Mason A. Porter is Professor of Nonlinear and Complex Systems at the Oxford Centre for Industrial and Applied Mathematics, Mathematical Institute, University of Oxford, UK. He is also a member of the CABDyN Complexity Centre and a Tutorial Fellow of Somerville College. James P. Gleeson is Professor of Industrial and Appli...
8. First year clinical tutorials: students’ learning experience
Directory of Open Access Journals (Sweden)
Burgess A
2014-11-01
Full Text Available Annette Burgess,1 Kim Oates,2 Kerry Goulston,2 Craig Mellis1 1Central Clinical School, Sydney Medical School, The University of Sydney, Sydney, NSW, Australia; 2Sydney Medical School, The University of Sydney, Sydney, NSW, Australia Background: Bedside teaching lies at the heart of medical education. The learning environment afforded to students during clinical tutorials contributes substantially to their knowledge, thinking, and learning. Situated cognition theory posits that the depth and breadth of the students' learning experience is dependent upon the attitude of the clinical teacher, the structure of the tutorial, and the understanding of tutorial and learning objectives. This theory provides a useful framework to conceptualize how students' experience within their clinical tutorials impacts their knowledge, thinking, and learning. Methods: The study was conducted with one cohort (n=301 of students who had completed year 1 of the medical program at Sydney Medical School in 2013. All students were asked to complete a three-part questionnaire regarding their perceptions of their clinical tutor's attributes, the consistency of the tutor, and the best features of the tutorials and need for improvement. Both quantitative and qualitative data were collected and analyzed using descriptive statistics. Results: The response rate to the questionnaire was 88% (265/301. Students perceived that their tutors displayed good communication skills and enthusiasm, encouraged their learning, and were empathetic toward patients. Fifty-two percent of students reported having the same communications tutor for the entire year, and 28% reported having the same physical examination tutor for the entire year. Students would like increased patient contact, greater structure within their tutorials, and greater alignment of teaching with the curriculum. Conclusion: Situated cognition theory provides a valuable lens to view students' experience of learning within the
9. Subtitled video tutorials, an accessible teaching material
Directory of Open Access Journals (Sweden)
Luis Bengochea
2012-11-01
Full Text Available The use of short-lived audio-visual tutorials constitutes an educational resource very attractive for young students, widely familiar with this type of format similar to YouTube clips. Considered as "learning pills", these tutorials are intended to strengthen the understanding of complex concepts that because their dynamic nature can’t be represented through texts or diagrams. However, the inclusion of this type of content in eLearning platforms presents accessibility problems for students with visual or hearing disabilities. This paper describes this problem and shows the way in which a teacher could add captions and subtitles to their videos.
10. Progress Report--Microsoft Office 2003 Lynchburg College Tutorials
Science.gov (United States)
Murray, Tom
2004-01-01
For the past several years Lynchburg College has developed Microsoft tutorials for use with academic classes and faculty, student and staff training. The tutorials are now used internationally. Last year Microsoft and Verizon sponsored a tutorial web site at http://www.officetutorials.com. This website recognizes ASCUE members for their wonderful…
11. Video and HTML: Testing Online Tutorial Formats with Biology Students
Science.gov (United States)
Craig, Cindy L.; Friehs, Curt G.
2013-01-01
This study compared two common types of online information literacy tutorials: a streaming media tutorial using animation and narration and a text-based tutorial with static images. Nine sections of an undergraduate biology lab class (234 students total) were instructed by a librarian on how to use the BIOSIS Previews database. Three sections…
12. Learning from tutorials: a qualitative study of approaches to learning and perceptions of tutorial interaction
DEFF Research Database (Denmark)
Herrmann, Kim Jesper
2014-01-01
This study examines differences in university students’ approaches to learning when attending tutorials as well as variation in students’ perceptions of tutorials as an educational arena. In-depth qualitative analysis of semi-structured interviews with undergraduates showed how surface and deep...... approaches to learning were revealed in the students’ note-taking, listening, and engaging in dialogue. It was also shown how variation in the students’ approaches to learning were coherent with variation in the students’ perceptions of the tutors’ pedagogical role, the value of peer interaction......, and the overall purpose of tutorials. The results are discussed regarding the paradox that students relying on surface approaches to learning seemingly are the ones least likely to respond to tutorials in the way they were intended....
13. RESEARCH HIGHLIGHTS IN IAS
Directory of Open Access Journals (Sweden)
Marko Kreft
2017-03-01
Full Text Available We are reviewing and commenting highlights of the research published in Image Analysis and Stereology journal (IAS, volume 35, where 16 original research papers on image analysis, computer vision, modelling, and other approaches were published. We have reported on the precision of curve length estimation in the plane. Further, a focus was on a robust estimation technique for 3D point cloud registration. Next contribution in computer vision was on the accuracy of stereo matching algorithm based on illumination control. An attempt was also made to automatically diagnose prenatal cleft lip with representative key points and identify the type of defect in three-dimensional ultrasonography. Similarly, a new report is presenting estimation of torsion of digital curves in 3D images and next, the nuchal translucency by ultrasound is being analyzed. Also in ophthalmology, image analysis may help physicians to establish a correct diagnosis, which is supported by a new approach to measure tortuosity of retinal vessel. Another report of medical significance analyzed correlation of the shape parameters for characterization of images of corneal endothelium cells. Shape analysis is also an important topic in material science, e.g. in analyzing fine aggregates in concrete. As in concrete, in fiber reinforced composites image analysis may aid in improved quality, where the direction of fibers have decisive impact on properties. Automatic defect detection using a computer vision system improves productivity quality in industrial production, hence we report of a new Haar wavelet-based approach.
14. Online Bioinformatics Tutorials | Office of Cancer Genomics
Science.gov (United States)
Bioinformatics is a scientific discipline that applies computer science and information technology to help understand biological processes. The NIH provides a list of free online bioinformatics tutorials, either generated by the NIH Library or other institutes, which includes introductory lectures and "how to" videos on using various tools.
15. Professionalizing tutors and tutorials in higher education
Directory of Open Access Journals (Sweden)
Colunga, Silvia
2012-01-01
Full Text Available The paper analyzes the necessity of professionalizing training of university teachers performing tutorial activities in higher education as a response to the demands of pupils following a part-time model. Permanent training of tutor is emphasized as a way to enhance professional and personal accomplishments. This training gives priority to educative orientation and interventional actions.
16. Interaction Patterns in Synchronous Chinese Tutorials
Science.gov (United States)
Shi, Lijing; Stickler, Ursula
2018-01-01
Speaking in Chinese is problematic for all learners, particularly for beginners and more so during online interaction. Despite the fact that interaction has been identified as crucial for the development of speaking skills, it can be hindered by students' lack of language competence or their anxiety. Teacher-centred practices in tutorials can…
17. Statistical Tutorial | Center for Cancer Research
Science.gov (United States)
Recent advances in cancer biology have resulted in the need for increased statistical analysis of research data. ST is designed as a follow up to Statistical Analysis of Research Data (SARD) held in April 2018. The tutorial will apply the general principles of statistical analysis of research data including descriptive statistics, z- and t-tests of means and mean
18. From DIY tutorials to DIY recipes
NARCIS (Netherlands)
Dalton, M.; Desjardins, A.; Wakkary, R.L.
2014-01-01
While online DIY (do-it-yourself) tutorials have increasingly gained interest both at CHI and in the DIY and Maker communities, there is not a lot of research concerning the qualities and drawbacks of the current formats used to share DIY knowledge online. Drawing on our current study of DIY
19. Brookhaven highlights, 1986-1987
International Nuclear Information System (INIS)
Rowe, M.S.
1988-01-01
The highlights of research conducted between October 1985 and September 1987 at Brookhaven National Laboratory are reviewed in this publication. Also covered are the administrative and financial status of the laboratory and a brief mention of meetings held and honors received. (FI)
20. An improved interface for tutorial dialogues: browsing a visual dialogue history
OpenAIRE
Lemaire, Benoît; Moore, Johanna D.
1994-01-01
When participating in tutorial dialogues, human tutors freely refer to their own previous explanations. Explanation is an inherently incremental and interactive process. New information must be highlighted and related to what has alreadybeen presented. If user interfaces are to reap the benefits of natural language interaction, they must be endowed with the properties that make human natural language interaction so effective. This paper describes the design of a user interface that enables bo...
1. MacSelfService online tutorial
CERN Multimedia
CERN. Geneva
2016-01-01
Mac Self-Service is a functionality within the Mac Desktop Service built and maintained to empower CERN users by giving them easy access to applications and configurations through the Self-Service application. This tutorial (text attached to the event page) explains how to install Mac Self-Service and how to use it to install applications and printers. Content owner: Vincent Nicolas Bippus Presenter: Pedro Augusto de Freitas Batista Tell us what you think via e-learning.support at cern.ch More tutorials in the e-learning collection of the CERN Document Server (CDS) https://cds.cern.ch/collection/E-learning%20modules?ln=en All info about the CERN rapid e-learning project is linked from http://twiki.cern.ch/ELearning
2. Hazardous Solvent Substitution Data System tutorial
International Nuclear Information System (INIS)
Twitchell, K.E.; Skinner, N.L.
1993-07-01
This manual is the tutorial for the Hazardous Solvent Substitution Data System (HSSDS), an online, comprehensive system of information on alternatives to hazardous solvents and related subjects. The HSSDS data base contains product information, material safety data sheets, toxicity reports, usage reports, biodegradable data, product chemical element lists, and background information on solvents. HSSDS use TOPIC reg-sign to search for information based on a query defined by the user. TOPIC provides a full text retrieval of unstructured source documents. In this tutorial, a series of lessons is provided that guides the user through basic steps common to most queries performed with HSSDS. Instructions are provided for both window-based and character-based applications
3. Photon science 2012. Highlights and annual report
International Nuclear Information System (INIS)
Appel, Karen; Gehrke, Rainer; Gutt, Christian; Incoccia-Hermes, Lucia; Laarmann, Tim; Morgenroth, Wolfgang; Roehlsberger, Ralf; Schulte-Schrepping, Horst; Vainio, Ulla; Zimmermann, Martin von
2012-12-01
The synchrotron-radiation research at DESY is reviewed. The following topics are dealt with: Research highlights, research platforms and outstations, light sources, new technologies and developments. (HSI)
4. Machine learning classifiers and fMRI: a tutorial overview.
Science.gov (United States)
Pereira, Francisco; Mitchell, Tom; Botvinick, Matthew
2009-03-01
Interpreting brain image experiments requires analysis of complex, multivariate data. In recent years, one analysis approach that has grown in popularity is the use of machine learning algorithms to train classifiers to decode stimuli, mental states, behaviours and other variables of interest from fMRI data and thereby show the data contain information about them. In this tutorial overview we review some of the key choices faced in using this approach as well as how to derive statistically significant results, illustrating each point from a case study. Furthermore, we show how, in addition to answering the question of 'is there information about a variable of interest' (pattern discrimination), classifiers can be used to tackle other classes of question, namely 'where is the information' (pattern localization) and 'how is that information encoded' (pattern characterization).
5. ATLAS Outreach Highlights
CERN Document Server
Cheatham, Susan; The ATLAS collaboration
2016-01-01
The ATLAS outreach team is very active, promoting particle physics to a broad range of audiences including physicists, general public, policy makers, students and teachers, and media. A selection of current outreach activities and new projects will be presented. Recent highlights include the new ATLAS public website and ATLAS Open Data, the very recent public release of 1 fb-1 of ATLAS data.
6. Studies Highlight Biodiesel's Benefits
Science.gov (United States)
, Colo., July 6, 1998 Â Two new studies highlight the benefits of biodiesel in reducing overall air Energy's National Renewable Energy Laboratory (NREL) conducted both studies: An Overview of Biodiesel and Petroleum Diesel Life Cycles and Biodiesel Research Progress, 1992-1997. Biodiesel is a renewable diesel
7. Software Reviews.
Science.gov (United States)
Davis, Shelly J., Ed.; Knaupp, Jon, Ed.
1984-01-01
Reviewed is computer software on: (1) classification of living things, a tutorial program for grades 5-10; and (2) polynomial practice using tiles, a drill-and-practice program for algebra students. (MNS)
8. FY 2016 Research Highlights
Energy Technology Data Exchange (ETDEWEB)
2017-03-23
This fact sheet summarizes the research highlights for the Clean Energy Manufacturing Analysis Center (CEMAC) for Fiscal Year 2106. Topics covered include additive manufacturing for the wind industry, biomass-based chemicals substitutions, carbon fiber manufacturing facility siting, geothermal power plant turbines, hydrogen refueling stations, hydropower turbines, LEDs and lighting, light-duty automotive lithium-ion cells, magnetocaloric refrigeration, silicon carbide power electronics for variable frequency motor drives, solar photovoltaics, and wide bandgap semiconductor opportunities in power electronics.
9. Wavelets a tutorial in theory and applications
CERN Document Server
1992-01-01
Wavelets: A Tutorial in Theory and Applications is the second volume in the new series WAVELET ANALYSIS AND ITS APPLICATIONS. As a companion to the first volume in this series, this volume covers several of the most important areas in wavelets, ranging from the development of the basic theory such as construction and analysis of wavelet bases to an introduction of some of the key applications, including Mallat's local wavelet maxima technique in second generation image coding. A fairly extensive bibliography is also included in this volume.Key Features* Covers several of the
10. IGC highlights 1988
International Nuclear Information System (INIS)
1989-01-01
The major thrust of the research and development (R and D) activities of the Indira Gandhi Centre for Atomic Research (IGCAR), Kalpakkam is oriented towards mastering fast breeder reactor (FBR) technology. Towards this end, its current R and D activities are carried out in a wide variety of disciplines. Highlights of its R and D activities during 1988 are summarised under the headings: Reactor Engineering and Design, Reactor Physics and Safety, Materials Science and Technology, Sodium Chemistry and Technology, Fuel Reprocessing and Electronics and Instrumentation. The text is illustrated with a number of figures, graphs and coloured pictures. (M.G.B.). figs., tabs
11. BARC highlights '88
International Nuclear Information System (INIS)
1989-01-01
Highlights of research and development activities of the Bhabha Atomic Research Centre (BARC), Bombay during 1988 are presented in chapters entitled: Physical Sciences, Chemical Sciences, Materials and Materials Sciences, Radioisotopes, Reactors, Fuel Cycle, Radiological Safety and Protection, Electronics and Instrumentation, Engineering Services, and Life Sciences. Main thrust of the R and D activities of BARC is on nuclear power reactor technology and all stages of nuclear fuel cycle. Some activities are also in the frontier areas such as high temperature superconductivity and inertial confinement fusion. (M.G.B.). figs., tabs., coloured ills
12. The SIKS/BiGGrid Big Data Tutorial
NARCIS (Netherlands)
Hiemstra, Djoerd; Lammerts, Evert; de Vries, A.P.
2011-01-01
The School for Information and Knowledge Systems SIKS and the Dutch e-science grid BiG Grid organized a new two-day tutorial on Big Data at the University of Twente on 30 November and 1 December 2011, just preceding the Dutch-Belgian Database Day. The tutorial is on top of some exciting new
13. Dealing with Conflicts on Knowledge in Tutorial Groups
Science.gov (United States)
Aarnio, Matti; Lindblom-Ylanne, Sari; Nieminen, Juha; Pyorala, Eeva
2013-01-01
The aim of our study was to gain understanding of different types of conflicts on knowledge in the discussions of problem-based learning tutorial groups, and how such conflicts are dealt with. We examined first-year medical and dental students' (N = 33) conflicts on knowledge in four videotaped reporting phase tutorials. A coding scheme was…
14. Developing and Testing a Video Tutorial for Software Training
NARCIS (Netherlands)
van der Meij, Hans
2014-01-01
Purpose: Video tutorials for software training are rapidly becoming popular. A set of dedicated guidelines for the construction of such tutorials was recently advanced in Technical Communication (Van der Meij & Van der Meij, 2013). The present study set out to assess the cognitive and motivational
15. Interdisciplinary, Application-Oriented Tutorials: Design, Implementation, and Evaluation
Science.gov (United States)
Herman, Carolyn; Casiday, Rachel E.; Deppe, Roberta K.; Gilbertson, Michelle; Spees, William M.; Holten, Dewey; Frey, Regina F.
2005-01-01
Fifteen application-oriented chemical tutorials were developed out of which thirteen are currently in use in the general chemistry lab rotary curriculum for chemistry students at Washington University from 1998 to 2000. The central philosophy of the tutorial that the students learn to combine information from variety of sources like science…
16. Introduction to OAI and harvesting, tutorial 3
CERN Multimedia
CERN. Geneva
2005-01-01
1. Coverage: - Overview of key Open Archives Initiative (OAI) concepts. - Development of the OAI Protocol for Metadata Harvesting (OAI-PMH). - Non-technical introduction to main underlying technical ideas. - Some considerations regarding implementation of OAI-PMH, with particular focus on harvesting issues. For those who would like an introduction to, or revision of, the main concepts associated with OAI then this session will provide an ideal foundation for the rest of the OAI4 workshop. 2. Audience: Decision-makers, Managers, Technical staff with no previous OAI-PMH knowledge. This is a tutorial for those who may not themselves do hands-on technical implementation, but might make or advise on decisions whether or not to implement particular solutions. They may have staff who are implementers, or may work with them. Technical staff are likely to prefer the technical tutorials, but may want to attend this one if they are at the very early stage of simply requiring background information. 3. At the end of the ...
17. Solar Tutorial and Annotation Resource (STAR)
Science.gov (United States)
Showalter, C.; Rex, R.; Hurlburt, N. E.; Zita, E. J.
2009-12-01
We have written a software suite designed to facilitate solar data analysis by scientists, students, and the public, anticipating enormous datasets from future instruments. Our “STAR" suite includes an interactive learning section explaining 15 classes of solar events. Users learn software tools that exploit humans’ superior ability (over computers) to identify many events. Annotation tools include time slice generation to quantify loop oscillations, the interpolation of event shapes using natural cubic splines (for loops, sigmoids, and filaments) and closed cubic splines (for coronal holes). Learning these tools in an environment where examples are provided prepares new users to comfortably utilize annotation software with new data. Upon completion of our tutorial, users are presented with media of various solar events and asked to identify and annotate the images, to test their mastery of the system. Goals of the project include public input into the data analysis of very large datasets from future solar satellites, and increased public interest and knowledge about the Sun. In 2010, the Solar Dynamics Observatory (SDO) will be launched into orbit. SDO’s advancements in solar telescope technology will generate a terabyte per day of high-quality data, requiring innovation in data management. While major projects develop automated feature recognition software, so that computers can complete much of the initial event tagging and analysis, still, that software cannot annotate features such as sigmoids, coronal magnetic loops, coronal dimming, etc., due to large amounts of data concentrated in relatively small areas. Previously, solar physicists manually annotated these features, but with the imminent influx of data it is unrealistic to expect specialized researchers to examine every image that computers cannot fully process. A new approach is needed to efficiently process these data. Providing analysis tools and data access to students and the public have proven
18. Highlights from CMS
CERN Document Server
Autermann, Christian
2018-01-01
This article summarizes the latest highlights from the CMS experiment as presented at the Lepton Photon conference 2017 in Guangzhou, China. A selection of the latest physics results, the latest detector upgrades, and the current detector status are discussed. CMS has analyzed the full dataset of proton-proton collision data delivered by the LHC in 2016 at a center-of-mass energy of $13$\\,TeV corresponding to an integrated luminosity of $40$\\,fb$^{-1}$. The leap in center-of-mass energy and in luminosity with respect to the $7$ and $8$\\,TeV runs enabled interesting and relevant new physics results. A new silicon pixel tracking detector was installed during the LHC shutdown 2016/17 and has successfully started operation.
19. LISA system design highlights
Energy Technology Data Exchange (ETDEWEB)
Sallusti, M [European Space Agency, ESTEC, Keplerlaan 1, 2200 AG Noordwijk ZH (Netherlands); Gath, P; Weise, D; Berger, M; Schulte, H R, E-mail: [email protected], E-mail: [email protected], E-mail: [email protected], E-mail: [email protected], E-mail: [email protected] [Astrium GmbH Satellites, Claude-Dornier-Str., 88039 Friedrichshafen (Germany)
2009-05-07
A contract, started in January 2005, was awarded to a consortium of Astrium GmbH and Astrium Ltd for the LISA Mission Formulation. The scope of the contract was the development of a reference design for the mission architecture and for the mission elements (with particular focus on the payload) and a successive phase of derivation of requirements, to be concluded with a mission design review. The technical starting point was the output of the previous LISA study formalized in the Final Technical Report, issued in the year 2000. During the design phase, different architecture concepts were identified and traded off, including the LISA orbits, the measurement scheme and the opto-mechanical architecture. During the Mission Design Review (July 2008) the consolidated mission baseline design, and the specifications of the flight elements and of the payload subsystem and major components were presented. This paper gives a brief overview of the major design points of the latest design of the LISA system.
20. LISA system design highlights
International Nuclear Information System (INIS)
Sallusti, M; Gath, P; Weise, D; Berger, M; Schulte, H R
2009-01-01
A contract, started in January 2005, was awarded to a consortium of Astrium GmbH and Astrium Ltd for the LISA Mission Formulation. The scope of the contract was the development of a reference design for the mission architecture and for the mission elements (with particular focus on the payload) and a successive phase of derivation of requirements, to be concluded with a mission design review. The technical starting point was the output of the previous LISA study formalized in the Final Technical Report, issued in the year 2000. During the design phase, different architecture concepts were identified and traded off, including the LISA orbits, the measurement scheme and the opto-mechanical architecture. During the Mission Design Review (July 2008) the consolidated mission baseline design, and the specifications of the flight elements and of the payload subsystem and major components were presented. This paper gives a brief overview of the major design points of the latest design of the LISA system.
1. PSI scientific highlights 2011
International Nuclear Information System (INIS)
Piwnicki, P.
2012-04-01
This comprehensive report for the Swiss Federal Office of Energy (SFOE) presents the major highlights of the work done at the Paul Scherrer Institute, Switzerland, in 2011. According to the institute's director, work was concerned with the design and analysis of advanced materials with new functionalities, for application in fields as diverse as communications and energy technology, transportation, construction and medicine. Of particular topical interest are research projects on materials for application in the field of energy, for example for improving batteries for future electrically powered vehicles. Another example is in the field of catalysts. Environmentally harmful compounds, such as nitrogen oxide and sulphur dioxide produced in an engine, are transformed into nontoxic gases through catalytic conversion. Work progress on the SwissFEL installation is noted, including a breakthrough for SwissFEL main Linac C-band accelerating systems. Further topics in relation to the SwissFEL system are noted. Planning of the initial set of experimental stations at the SwissFEL is discussed and close collaboration with growing number of user communities is noted. Cross-Correlation Scattering, and a theoretical framework for this method is being developed and experimentally verified, using artificial nanostructures and synchrotron radiation. Highlights of further research work are discussed, including topics such as Synchrotron light, work done on neutrons and muons, particle physics, micro and nanotechnology as well as on biomolecular research and radiopharmacy. Large research facilities are discussed as is the PSI proton therapy installation. General energy topics are looked at, as are nuclear energy and safety aspects and environmental and energy systems analysis. Various further work includes factors causing glacier retreat and aerosols. User facilities are listed, including accelerators, the SLS light source, the SINQ neutron source, the UCN ultra-cold neutron source
2. Highlights of CP 2000
CERN Document Server
Ellis, John R.
2001-01-01
Various developing topics in CP violation are reviewed. There are many theoretical reasons to hope that the CKM paradigm may be incomplete. It is surely too soon to be claiming new physics in \\epsilon^\\prime/\\epsilon or in D^0-\\bar D^0 mixing, but rare K decays offer interesting places to search for new physics. It is probably also premature to see a clash between global CKM fits and current estimates of sin \\beta and \\gamma, where much more precise data will soon be available. There are interesting possibilities to look for CP violation in neutrino oscillations and in Higgs physics. Rapid progress can be expected now that CP violation is moving to the top of the particle physics agenda.
3. Highlights in subnuclear physics
CERN Document Server
Wolf, G
2003-01-01
An overview on new developments in experimental particle and astroparticle physics is presented. This includes observation of CP violation in the B-sector, detection of direct CP violation in the K /sup 0/-system, new measurements on solar neutrinos, cosmic microwave background radiation and properties of the universe, electroweak results from the large colliders and tests of the standard model, measurement of the anomalous magnetic moment of muons, structure of the proton at large energy transfers and virtualities, and heavy ion collisions at very high energies. Finally, the physics reach of TEVATRONII, LHC and TESLA, a linear e/sup +/e/sup -/ collider proposed for the 0.5 1 TeV regime, is briefly reviewed. (93 refs).
4. A TUTORIAL INTRODUCTION TO ADAPTIVE FRACTAL ANALYSIS
Directory of Open Access Journals (Sweden)
Michael A Riley
2012-09-01
Full Text Available The authors present a tutorial description of adaptive fractal analysis (AFA. AFA utilizes an adaptive detrending algorithm to extract globally smooth trend signals from the data and then analyzes the scaling of the residuals to the fit as a function of the time scale at which the fit is computed. The authors present applications to synthetic mathematical signals to verify the accuracy of AFA and demonstrate the basic steps of the analysis. The authors then present results from applying AFA to time series from a cognitive psychology experiment on repeated estimation of durations of time to illustrate some of the complexities of real-world data. AFA shows promise in dealing with many types of signals, but like any fractal analysis method there are special challenges and considerations to take into account, such as determining the presence of linear scaling regions.
5. Medical image reconstruction. A conceptual tutorial
International Nuclear Information System (INIS)
Zeng, Gengsheng Lawrence
2010-01-01
''Medical Image Reconstruction: A Conceptual Tutorial'' introduces the classical and modern image reconstruction technologies, such as two-dimensional (2D) parallel-beam and fan-beam imaging, three-dimensional (3D) parallel ray, parallel plane, and cone-beam imaging. This book presents both analytical and iterative methods of these technologies and their applications in X-ray CT (computed tomography), SPECT (single photon emission computed tomography), PET (positron emission tomography), and MRI (magnetic resonance imaging). Contemporary research results in exact region-of-interest (ROI) reconstruction with truncated projections, Katsevich's cone-beam filtered backprojection algorithm, and reconstruction with highly undersampled data with l 0 -minimization are also included. (orig.)
6. Recently Published Lectures and Tutorials for ATLAS
CERN Multimedia
J. Herr
2006-01-01
As reported in the September 2004 ATLAS eNews, the Web Lecture Archive Project, a collaboration between the University of Michigan and CERN, has developed a synchronized system for recording and publishing educational multimedia presentations, using the Web as medium. The current system, including future developments for the project and the field in general, was recently presented at the CHEP 2006 conference in Mumbai, India. The relevant presentations and papers can be found here: The Web Lecture Archive Project A Web Lecture Capture System with Robotic Speaker Tracking This year, the University of Michigan team has been asked to record and publish all ATLAS Plenary sessions, as well as a large number of Physics and Computing tutorials. A significant amount of this material has already been published and can be accessed via the links below. All lectures can be viewed on any major platform with any common internet browser, either via streaming or local download (for limited bandwidth). Please enjoy the l...
7. Recently Published Lectures and Tutorials for ATLAS
CERN Multimedia
Goldfarb, S.
2006-01-01
As reported in the September 2004 ATLAS eNews, the Web Lecture Archive Project, WLAP, a collaboration between the University of Michigan and CERN, has developed a synchronized system for recording and publishing educational multimedia presentations, using the Web as medium. The current system, including future developments for the project and the field in general, was recently presented at the CHEP 2006 conference in Mumbai, India. The relevant presentations and papers can be found here: The Web Lecture Archive Project. A Web Lecture Capture System with Robotic Speaker Tracking This year, the University of Michigan team has been asked to record and publish all ATLAS Plenary sessions, as well as a large number of Physics and Computing tutorials. A significant amount of this material has already been published and can be accessed via the links below. All lectures can be viewed on any major platform with any common internet browser, either via streaming or local download (for limited bandwidth). Please e...
8. Experimental design in chemistry: A tutorial.
Science.gov (United States)
Leardi, Riccardo
2009-10-12
In this tutorial the main concepts and applications of experimental design in chemistry will be explained. Unfortunately, nowadays experimental design is not as known and applied as it should be, and many papers can be found in which the "optimization" of a procedure is performed one variable at a time. Goal of this paper is to show the real advantages in terms of reduced experimental effort and of increased quality of information that can be obtained if this approach is followed. To do that, three real examples will be shown. Rather than on the mathematical aspects, this paper will focus on the mental attitude required by experimental design. The readers being interested to deepen their knowledge of the mathematical and algorithmical part can find very good books and tutorials in the references [G.E.P. Box, W.G. Hunter, J.S. Hunter, Statistics for Experimenters: An Introduction to Design, Data Analysis, and Model Building, John Wiley & Sons, New York, 1978; R. Brereton, Chemometrics: Data Analysis for the Laboratory and Chemical Plant, John Wiley & Sons, New York, 1978; R. Carlson, J.E. Carlson, Design and Optimization in Organic Synthesis: Second Revised and Enlarged Edition, in: Data Handling in Science and Technology, vol. 24, Elsevier, Amsterdam, 2005; J.A. Cornell, Experiments with Mixtures: Designs, Models and the Analysis of Mixture Data, in: Series in Probability and Statistics, John Wiley & Sons, New York, 1991; R.E. Bruns, I.S. Scarminio, B. de Barros Neto, Statistical Design-Chemometrics, in: Data Handling in Science and Technology, vol. 25, Elsevier, Amsterdam, 2006; D.C. Montgomery, Design and Analysis of Experiments, 7th edition, John Wiley & Sons, Inc., 2009; T. Lundstedt, E. Seifert, L. Abramo, B. Thelin, A. Nyström, J. Pettersen, R. Bergman, Chemolab 42 (1998) 3; Y. Vander Heyden, LC-GC Europe 19 (9) (2006) 469].
9. Nanomedicine highlights in atherosclerosis
International Nuclear Information System (INIS)
Karagkiozaki, Varvara
2013-01-01
Atherosclerosis is a multifactorial disease and many different approaches have been attempted for its accurate diagnosis and treatment. The disease is induced by a low-grade inflammatory process in the vascular wall, leading through a cascade of events to the eventual formation of atheromatous plaque and arterial stenosis. Different types of cells participate in the process making more difficult to recognize the potential cellular targets within the plaques for their effective treatment. The rise of nanomedicine over the last decade has provided new types of drug delivery nanosystems that are able to be delivered to a specific diseased site of the vessel for imaging while simultaneously act as therapeutic agents. In this paper, a review of the recent advances in nanomedicine that has provided novel insights to the disease diagnosis and treatment will be given in line with different nanotechnology-based approaches to advance the cardiovascular stents. The main complications of bare metal stents such as restenosis and of drug-eluting stents which is the late stent thrombosis are analyzed to comprehend the demand for emerging therapeutic strategies based on nanotechnology.
10. Nanomedicine highlights in atherosclerosis
Energy Technology Data Exchange (ETDEWEB)
Karagkiozaki, Varvara, E-mail: [email protected] [Aristotle University of Thessaloniki, Nanomedicine Group, Laboratory for Thin Films-Nanosystems and Nanometrology (LTFN), Physics Department (Greece)
2013-04-15
Atherosclerosis is a multifactorial disease and many different approaches have been attempted for its accurate diagnosis and treatment. The disease is induced by a low-grade inflammatory process in the vascular wall, leading through a cascade of events to the eventual formation of atheromatous plaque and arterial stenosis. Different types of cells participate in the process making more difficult to recognize the potential cellular targets within the plaques for their effective treatment. The rise of nanomedicine over the last decade has provided new types of drug delivery nanosystems that are able to be delivered to a specific diseased site of the vessel for imaging while simultaneously act as therapeutic agents. In this paper, a review of the recent advances in nanomedicine that has provided novel insights to the disease diagnosis and treatment will be given in line with different nanotechnology-based approaches to advance the cardiovascular stents. The main complications of bare metal stents such as restenosis and of drug-eluting stents which is the late stent thrombosis are analyzed to comprehend the demand for emerging therapeutic strategies based on nanotechnology.
11. Writing learning cases for an information literacy tutorial
OpenAIRE
Gunhild Austrheim
2010-01-01
The research and writing processes are often hidden mysteries to our students. A key point in the online tutorial Search and Write (Søk and Skriv) has been to supply our students with tools to handle these processes. Learning cases embedded in the tutorial allow us to demonstrate a variety of working techniques and to better cater for a diverse student population. The tutorial can be used as an independent resource for students and as a teaching aid for both library sessions on inform...
12. Generation of Tutorial Dialogues: Discourse Strategies for Active Learning
National Research Council Canada - National Science Library
Evans, Martha
1998-01-01
With the support of the Cognitive Science Program of ONR, we are developing the capability to generate complex natural language tutorial dialogues for an intelligent tutoring system designed to help...
13. Atmospheric Research 2012 Technical Highlights
Science.gov (United States)
Lau, William K -M.
2013-01-01
This annual report, as before, is intended for a broad audience. Our readers include colleagues within NASA, scientists outside the Agency, science graduate students, and members of the general public. Inside are descriptions of atmospheric research science highlights and summaries of our education and outreach accomplishments for calendar year 2012.The report covers research activities from the Mesoscale Atmospheric Processes Laboratory, the Climate and Radiation Laboratory, the Atmospheric Chemistry and Dynamics Laboratory, and the Wallops Field Support Office under the Office of Deputy Director for Atmospheres, Earth Sciences Division in the Sciences and Exploration Directorate of NASAs Goddard Space Flight Center. The overall mission of the office is advancing knowledge and understanding of the Earths atmosphere. Satellite missions, field campaigns, peer-reviewed publications, and successful proposals are essential to our continuing research.
14. Effectiveness of Tutorials for Introductory Physics in Argentinean high schools
Science.gov (United States)
Benegas, J.; Flores, J. Sirur
2014-06-01
This longitudinal study reports the results of a replication of Tutorials in Introductory Physics in high schools of a Latin-American country. The main objective of this study was to examine the suitability of Tutorials for local science education reform. Conceptual learning of simple resistive electric circuits was determined by the application of the single-response multiple-choice test "Determining and Interpreting Resistive Electric Circuits Concepts Test" (DIRECT) to high school classes taught with Tutorials and traditional instruction. The study included state and privately run schools of different socioeconomic profiles, without formal laboratory space and equipment, in classes of mixed-gender and female-only students, taught by novice and experienced instructors. Results systematically show that student learning is significantly higher in the Tutorials classes compared with traditional teaching for all of the studied conditions. The results also show that long-term learning (one year after instruction) in the Tutorials classes is highly satisfactory, very similar to the performance of the samples of college students used to develop the test DIRECT. On the contrary, students following traditional instruction returned one year after instruction to the poor performance (students attending seven universities in Spain and four Latin-American countries. Some replication and adaptation problems and difficulties of this experience are noted, as well as recommendations for successful use of Tutorials in high schools of similar educational systems.
15. Medical imaging informatics simulators: a tutorial.
Science.gov (United States)
Huang, H K; Deshpande, Ruchi; Documet, Jorge; Le, Anh H; Lee, Jasper; Ma, Kevin; Liu, Brent J
2014-05-01
A medical imaging informatics infrastructure (MIII) platform is an organized method of selecting tools and synthesizing data from HIS/RIS/PACS/ePR systems with the aim of developing an imaging-based diagnosis or treatment system. Evaluation and analysis of these systems can be made more efficient by designing and implementing imaging informatics simulators. This tutorial introduces the MIII platform and provides the definition of treatment/diagnosis systems, while primarily focusing on the development of the related simulators. A medical imaging informatics (MII) simulator in this context is defined as a system integration of many selected imaging and data components from the MIII platform and clinical treatment protocols, which can be used to simulate patient workflow and data flow starting from diagnostic procedures to the completion of treatment. In these processes, DICOM and HL-7 standards, IHE workflow profiles, and Web-based tools are emphasized. From the information collected in the database of a specific simulator, evidence-based medicine can be hypothesized to choose and integrate optimal clinical decision support components. Other relevant, selected clinical resources in addition to data and tools from the HIS/RIS/PACS and ePRs platform may also be tailored to develop the simulator. These resources can include image content indexing, 3D rendering with visualization, data grid and cloud computing, computer-aided diagnosis (CAD) methods, specialized image-assisted surgical, and radiation therapy technologies. Five simulators will be discussed in this tutorial. The PACS-ePR simulator with image distribution is the cradle of the other simulators. It supplies the necessary PACS-based ingredients and data security for the development of four other simulators: the data grid simulator for molecular imaging, CAD-PACS, radiation therapy simulator, and image-assisted surgery simulator. The purpose and benefits of each simulator with respect to its clinical relevance
16. OAI-PMH for resource harvesting, tutorial 2
CERN Multimedia
CERN. Geneva; Nelson, Michael
2005-01-01
A variety of examples have arisen in which the Open Archives Initiative Protocol for Metadata Harvesting (OAI-PMH) has been used for applications beyond bibliographic metadata interchange. One of these examples is the use of OAI-PMH to harvest resources and not just metadata. Advanced resource discovery and preservations capabilities are possible by combining complex object formats such as MPEG-21 DIDL, METS and SCORM with the OAI-PMH. In this tutorial, we review community conventions and practices that have provided the impetus for resource harvesting. We show how the introduction of complex object formats for the representation of resources leads to a robust, OAI-PMH-based framework for resource harvesting. We detail how complex object formats fit in the OAI-PMH data model, and how (compound) digital objects can be represented using a complex object format for exposure by an OAI-PMH repository. We also cover tools that are available for the implementation of an OAI-PMH-based resource harvesting solution. Fu...
17. Tutorial: Determination of thermal boundary resistance by molecular dynamics simulations
Science.gov (United States)
Liang, Zhi; Hu, Ming
2018-05-01
Due to the high surface-to-volume ratio of nanostructured components in microelectronics and other advanced devices, the thermal resistance at material interfaces can strongly affect the overall thermal behavior in these devices. Therefore, the thermal boundary resistance, R, must be taken into account in the thermal analysis of nanoscale structures and devices. This article is a tutorial on the determination of R and the analysis of interfacial thermal transport via molecular dynamics (MD) simulations. In addition to reviewing the commonly used equilibrium and non-equilibrium MD models for the determination of R, we also discuss several MD simulation methods which can be used to understand interfacial thermal transport behavior. To illustrate how these MD models work for various interfaces, we will show several examples of MD simulation results on thermal transport across solid-solid, solid-liquid, and solid-gas interfaces. The advantages and drawbacks of a few other MD models such as approach-to-equilibrium MD and first-principles MD are also discussed.
18. Computational Modeling for Language Acquisition: A Tutorial With Syntactic Islands.
Science.gov (United States)
Pearl, Lisa S; Sprouse, Jon
2015-06-01
Given the growing prominence of computational modeling in the acquisition research community, we present a tutorial on how to use computational modeling to investigate learning strategies that underlie the acquisition process. This is useful for understanding both typical and atypical linguistic development. We provide a general overview of why modeling can be a particularly informative tool and some general considerations when creating a computational acquisition model. We then review a concrete example of a computational acquisition model for complex structural knowledge referred to as syntactic islands. This includes an overview of syntactic islands knowledge, a precise definition of the acquisition task being modeled, the modeling results, and how to meaningfully interpret those results in a way that is relevant for questions about knowledge representation and the learning process. Computational modeling is a powerful tool that can be used to understand linguistic development. The general approach presented here can be used to investigate any acquisition task and any learning strategy, provided both are precisely defined.
19. L'ajuda tutorial en els MOOCs: un nou enfocament en l'acció tutorial
Directory of Open Access Journals (Sweden)
Rosario Medina-Salguero
2013-12-01
Full Text Available En el present treball s'expon un analisis de l'accio tutorial en una nova modalitat d'ensenyança-aprenentage, els MOOCS. Per a açò, hem portat a veta un estudi de material documental que permet reconstruir els acontenyiments que estan succeint en l'actualitat en els MOOCS. Els resultats mos indiquen com se configura esta nova tendencia d'aprenentage a nivell internacional i nacional i com s'establix l'ajuda pedagogica en els MOOCS.
20. Recently Published Lectures and Tutorials for ATLAS
CERN Multimedia
Herr, J.
2006-01-01
As reported in the September 2004 ATLAS eNews, the Web Lecture Archive Project, WLAP, a collaboration between the University of Michigan and CERN, has developed a synchronized system for recording and publishing educational multimedia presentations, using the Web as medium. This year, the University of Michigan team has been asked to record and publish all ATLAS Plenary sessions, as well as a large number of Physics and Computing tutorials. A significant amount of this material has already been published and can be accessed via the links below. The WLAP model is spreading. This summer, the CERN's High School Teachers program has used WLAP's system to record several physics lectures directed toward a broad audience. And a new project called MScribe, which is essentially the WLAP system coupled with an infrared tracking camera, is being used by the University of Michigan to record several University courses this academic year. All lectures can be viewed on any major platform with any common internet browser...
1. Mössbauer Spectroscopy Tutorial Book
CERN Document Server
Langouche, Guido
2013-01-01
Tutorials on Mössbauer Spectroscopy Since the discovery of the Mössbauer Effect many excellent books have been published for researchers and for doctoral and master level students. However, there appears to be no textbook available for final year bachelor students, nor for people working in industry who have received only basic courses in classical mechanics, electromagnetism, quantum mechanics, chemistry and materials science. The challenge of this book is to give an introduction to Mössbauer Spectroscopy for this level. The ultimate goal of this book is to give this audience not only a scientific introduction to the technique, but also to demonstrate in an attractive way the power of Mössbauer Spectroscopy in many fields of science, in order to create interest among the readers in joining the community of Mössbauer spectroscopists. This is particularly important at times where in many Mössbauer laboratories succession is at stake.
2. Research Notes ~ Electronic Tutorials: Indonesian Experience
Directory of Open Access Journals (Sweden)
Tian Belawati
2002-04-01
Full Text Available As in other developing nations, important concerns surrounding education in Indonesia involve two issues: quantity versus quality. Quality concerns have now been somewhat addressed by the establishment of the Indonesian Open Learning University (Universitas Terbuka in 1984. The concern for quality, however, has not yet been completely resolved. Learning support, believed to be key for achieving good quality distance education, has been limited. This paper presents the results of two pilot projects that examined tutorials provided via Internet and Fax-Internet technologies. It is a report that also shows that the Universitas Terbuka is faced with both visible and invisible challenges. Visible challenges include limitations in the availability of technology infrastructure and issues of inadequate access, while invisible challenges include the readiness of Indonesian people to adopt and take advantage of new technology for educational purposes. Despite the results of the pilot project, it is suggested that Universitas Terbuka should continue to utilize Internet and Fax-Internet as two of its communication channels with students.
3. Tutorial: Terahertz beamforming, from concepts to realizations
Science.gov (United States)
Headland, Daniel; Monnai, Yasuaki; Abbott, Derek; Fumeaux, Christophe; Withayachumnankul, Withawat
2018-05-01
The terahertz range possesses significant untapped potential for applications including high-volume wireless communications, noninvasive medical imaging, sensing, and safe security screening. However, due to the unique characteristics and constraints of terahertz waves, the vast majority of these applications are entirely dependent upon the availability of beam control techniques. Thus, the development of advanced terahertz-range beam control techniques yields a range of useful and unparalleled applications. This article provides an overview and tutorial on terahertz beam control. The underlying principles of wavefront engineering include array antenna theory and diffraction optics, which are drawn from the neighboring microwave and optical regimes, respectively. As both principles are applicable across the electromagnetic spectrum, they are reconciled in this overview. This provides a useful foundation for investigations into beam control in the terahertz range, which lies between microwaves and infrared light. Thereafter, noteworthy experimental demonstrations of beam control in the terahertz range are discussed, and these include geometric optics, phased array devices, leaky-wave antennas, reflectarrays, and transmitarrays. These techniques are compared and contrasted for their suitability in applications of terahertz waves.
4. Tutorial: Asteroseismic Data Analysis with DIAMONDS
Science.gov (United States)
Corsaro, Enrico
Since the advent of the space-based photometric missions such as CoRoT and NASA's Kepler, asteroseismology has acquired a central role in our understanding about stellar physics. The Kepler spacecraft, especially, is still releasing excellent photometric observations that contain a large amount of information not yet investigated. For exploiting the full potential of these data, sophisticated and robust analysis tools are now essential, so that further constraining of stellar structure and evolutionary models can be obtained. In addition, extracting detailed asteroseismic properties for many stars can yield new insights on their correlations to fundamental stellar properties and dynamics. After a brief introduction to the Bayesian notion of probability, I describe the code Diamonds for Bayesian parameter estimation and model comparison by means of the nested sampling Monte Carlo (NSMC) algorithm. NSMC constitutes an efficient and powerful method, in replacement to standard Markov chain Monte Carlo, very suitable for high-dimensional and multimodal problems that are typical of detailed asteroseismic analyses, such as the fitting and mode identification of individual oscillation modes in stars (known as peak-bagging). Diamonds is able to provide robust results for statistical inferences involving tens of individual oscillation modes, while at the same time preserving a considerable computational efficiency for identifying the solution. In the tutorial, I will present the fitting of the stellar background signal and the peak-bagging analysis of the oscillation modes in a red-giant star, providing an example to use Bayesian evidence for assessing the peak significance of the fitted oscillation peaks.
5. Community Earth System Model (CESM) Tutorial 2016 Final Report
Energy Technology Data Exchange (ETDEWEB)
Lamarque, Jean-Francois [Univ. Corporation for Atmospheric Research (UCAR) and National Center for Atmospheric Research (NCAR) and Climate and Global Dynamics Laboratory (CGD), Boulder, CO (United States)
2017-05-09
For the 2016 tutorial, NCAR/CGD requested a total budget of $70,000 split equally between DOE and NSF. The funds were used to support student participation (travel, lodging, per diem, etc.). Lectures and practical session support was primarily provided by local participants at no additional cost (see list below). The seventh annual Community Earth System Model (CESM) tutorial (2016) for students and early career scientists was held 8 – 12 August 2016. As has been the case over the last few years, this event was extremely successful and there was greater demand than could be met. There was continued interest in support of the NSF’s EaSM Infrastructure awards, to train these awardees in the application of the CESM. Based on suggestions from previous tutorial participants, the 2016 tutorial experience again provided direct connection to Yellowstone for each individual participant (rather than pairs), and used the NCAR Mesa Library. The 2016 tutorial included lectures on simulating the climate system and practical sessions on running CESM, modifying components, and analyzing data. These were targeted to the graduate student level. In addition, specific talks (“Application” talks) were introduced this year to provide participants with some in-depth knowledge of some specific aspects of CESM. 6. New series of ORACLE tutorials, March-June 2006 CERN Multimedia Catherine Delamare 2006-01-01 The IT DES Oracle Support team is pleased to announce the new series of Oracle tutorials with the proposed schedule: Thursday 30 March - Design - Arash Khodabandeh Thursday 20 April - SQL I - Eva Dafonte Perez Thursday 27 April - SQL II - Lucia Moreno Lopez Thursday 4 May - Architecture - Montse Collados Thursday 11 May - Tuning - Michal Kwiatek Thursday 1 June - PL/SQL I - Eva Dafonte Perez Thursday 8 June - PL/SQL II - Nilo Segura Thursday 15 June - Oracle Tools and Bindings with languages - Eric Grancher, Nilo Segura These tutorials will take place in the IT Auditorium (bldg. 31/3-004) starting at 10:00. The average duration will be 1 hour plus time for questions. There is no need to register in advance. You can access the previous 2002-2003 sessions at http://it-des.web.cern.ch/IT-DES/DIS/oracle/tutorials.html If you need more information, please contact [email protected] 7. New series of ORACLE tutorials, March-June 2006 CERN Multimedia Catherine Delamare 2006-01-01 The IT DES Oracle Support team is pleased to announce the new series of Oracle tutorials with the proposed schedule: Thursday 20 April - SQL I - Eva Dafonte Perez Thursday 27 April - SQL II - Lucia Moreno Lopez Thursday 4 May - Architecture - Montse Collados Thursday 11 May - Tuning - Michal Kwiatek Thursday 1 June - PL/SQL I - Eva Dafonte Perez Thursday 8 June - PL/SQL II - Nilo Segura Thursday 15 June - Oracle Tools and Bindings with languages - Eric Grancher, Nilo Segura These tutorials will take place in the IT Auditorium (bldg. 31/3-004) starting at 10:00. The average duration will be 1 hour plus time for questions. There is no need to register in advance. You can access the previous 2002-2003 sessions at http://it-des.web.cern.ch/IT-DES/DIS/oracle/tutorials.html If you need more information, please contact [email protected] 8. The Web Lecture Archive Project: Archiving ATLAS Presentations and Tutorials CERN Multimedia Herr, J 2004-01-01 The geographical diversity of the ATLAS Collaboration presents constant challenges in the communication between and training of its members. One important example is the need for training of new collaboration members and/or current members on new developments. The Web Lecture Archive Project (WLAP), a joint project between the University of Michigan and CERN Technical Training, has addressed this challenge by recording ATLAS tutorials in the form of streamed "Web Lectures," consisting of synchronized audio, video and high-resolution slides, available on demand to anyone in the world with a Web browser. ATLAS software tutorials recorded by WLAP include ATHENA, ATLANTIS, Monte Carlo event generators, Object Oriented Analysis and Design, GEANT4, and Physics EDM and tools. All ATLAS talks, including both tutorials and meetings are available at http://www.wlap.org/browser.php?ID=atlas. Members of the University of Michigan Physics Department and Media Union, under the framework of the ATLAS Collaboratory Project ... 9. Understanding Medical Words: A Tutorial from the National Library of Medicine Science.gov (United States) ... page: https://medlineplus.gov/medicalwords.html Understanding Medical Words: A Tutorial from the National Library of Medicine ... enable JavaScript. This tutorial teaches you about medical words. You'll learn about how to put together ... 10. Effectiveness of Tutorials for Introductory Physics in Argentinean high schools Directory of Open Access Journals (Sweden) J. Benegas 2014-03-01 Full Text Available This longitudinal study reports the results of a replication of Tutorials in Introductory Physics in high schools of a Latin-American country. The main objective of this study was to examine the suitability of Tutorials for local science education reform. Conceptual learning of simple resistive electric circuits was determined by the application of the single-response multiple-choice test “Determining and Interpreting Resistive Electric Circuits Concepts Test” (DIRECT to high school classes taught with Tutorials and traditional instruction. The study included state and privately run schools of different socioeconomic profiles, without formal laboratory space and equipment, in classes of mixed-gender and female-only students, taught by novice and experienced instructors. Results systematically show that student learning is significantly higher in the Tutorials classes compared with traditional teaching for all of the studied conditions. The results also show that long-term learning (one year after instruction in the Tutorials classes is highly satisfactory, very similar to the performance of the samples of college students used to develop the test DIRECT. On the contrary, students following traditional instruction returned one year after instruction to the poor performance (<20% shown before instruction, a result compatible with the very low level of conceptual knowledge of basic physics recently determined by a systematic study of first-year students attending seven universities in Spain and four Latin-American countries. Some replication and adaptation problems and difficulties of this experience are noted, as well as recommendations for successful use of Tutorials in high schools of similar educational systems. 11. Solidaridad en la relación tutorial Directory of Open Access Journals (Sweden) Arturo G Rillo Full Text Available Introducción. La tutoría académica concreta el proceso educativo sustentado en estándares de calidad, características y necesidades de aprendizaje del estudiante; se desenvuelve confrontando actividades pedagógicas y consolida solidaridades. En este contexto, el estudio se realizó con el propósito de realizar la analítica de la solidaridad que surge de la relación tutorial. Método. Desde el ámbito de la hermenéutica, se realizó un estudio en cuatro fases: analítica, comprensiva, reconstructiva, crítica. Se construyó el concepto de solidaridad en la relación tutorial con propuestas de Gadamer, Habermas, Adela Cortina y Edgar Morín. Las categorías de análisis fueron: construcción social del sentido en la relación tutorial, relación tutorial de naturaleza epistémica, compleja, infinita y cambiante; y práctica tutorial generadora de solidaridades. Resultados. La solidaridad como praxis humana orientada al cuidado del otro (Fürsorge promueve el encuentro con el estudiante. La tutoría académica regula la experiencia vital de la dualidad enseñar-aprender; articula la decisión del docente y alumno con la responsabilidad solidaria. El docente concreta un asentimiento aconsejado por la amistad de estar-ahí-con el estudiante, acompañándolo, posibilitando elecciones y decisiones entre posibilidades para una vida sustentable mediante la virtud de la phrónesis. Conclusiones. La solidaridad en la relación tutorial como horizonte de sentido engarza la cosmovisión del binomio docente-estudiante en la relación tutorial. Dado el vínculo social, se ubica en el escenario de la relación tutorial el sentido originario de la amistad y la solidaridad con los siguientes baremos: compasión, saber hacer, confidencialidad, confianza, conciencia de sí mismo y del otro, tacto, escucha atenta y solícita, comprensión del otro. 12. Tutorial on nuclear thermal propulsion safety for Mars International Nuclear Information System (INIS) Buden, D. 1992-01-01 Safety is the prime design requirement for nuclear thermal propulsion (NTP). It must be built in at the initiation of the design process. An understanding of safety concerns is fundamental to the development of nuclear rockets for manned missions to Mars and many other applications that will be enabled or greatly enhanced by the use of nuclear propulsion. To provide an understanding of the basic issues, a tutorial has been prepared. This tutorial covers a range of topics including safety requirements and approaches to meet these requirements, risk and safety analysis methodology, NERVA reliability and safety approach, and life cycle risk assessments 13. A test of the design of a video tutorial for software training NARCIS (Netherlands) van der Meij, Jan; van der Meij, Hans 2015-01-01 The effectiveness of a video tutorial versus a paper-based tutorial for software training has yet to be established. Mixed outcomes from the empirical studies to date suggest that for a video tutorial to outperform its paper-based counterpart, the former should be crafted so that it addresses the 14. Captivate MenuBuilder: Creating an Online Tutorial for Teaching Software Science.gov (United States) Yelinek, Kathryn; Tarnowski, Lynn; Hannon, Patricia; Oliver, Susan 2008-01-01 In this article, the authors, students in an instructional technology graduate course, describe a process to create an online tutorial for teaching software. They created the tutorial for a cyber school's use. Five tutorial modules were linked together through one menu screen using the MenuBuilder feature in the Adobe Captivate program. The… 15. Audio-Tutorial Instruction: A Strategy For Teaching Introductory College Geology. Science.gov (United States) Fenner, Peter; Andrews, Ted F. The rationale of audio-tutorial instruction is discussed, and the history and development of the audio-tutorial botany program at Purdue University is described. Audio-tutorial programs in geology at eleven colleges and one school are described, illustrating several ways in which programs have been developed and integrated into courses. Programs… 16. An example of using CASPER tutorials for teaching knowledge of firmware development for FPGAs International Nuclear Information System (INIS) Pollak, A.W. 2015-01-01 We present an example of using CASPER tutorials for teaching purposes in Summer Schools and Workshops with participants from a variety of different academic backgrounds. Using the tutorials for laboratory exercises at the INFIERI Summer School 2014, we showed that the flexible nature provided by these tutorials has the advantage of providing high quality laboratory exercises for participants independent of their prior knowledge 17. Atmospheric Research 2011 Technical Highlights Science.gov (United States) 2012-01-01 The 2011 Technical Highlights describes the efforts of all members of Atmospheric Research. Their dedication to advancing Earth Science through conducting research, developing and running models, designing instruments, managing projects, running field campaigns, and numerous other activities, is highlighted in this report. 18. Modeling and Analysis of Cellular Networks using Stochastic Geometry: A Tutorial KAUST Repository Elsawy, Hesham; Salem, Ahmed Sultan; Alouini, Mohamed-Slim; Win, Moe Z. 2016-01-01 This paper presents a tutorial on stochastic geometry (SG) based analysis for cellular networks. This tutorial is distinguished by its depth with respect to wireless communication details and its focus on cellular networks. The paper starts by modeling and analyzing the baseband interference in a baseline single-tier downlink cellular network with single antenna base stations and universal frequency reuse. Then, it characterizes signal-to-interference-plus-noise-ratio (SINR) and its related performance metrics. In particular, a unified approach to conduct error probability, outage probability, and transmission rate analysis is presented. Although the main focus of the paper is on cellular networks, the presented unified approach applies for other types of wireless networks that impose interference protection around receivers. The paper then extends the unified approach to capture cellular network characteristics (e.g., frequency reuse, multiple antenna, power control, etc.). It also presents numerical examples associated with demonstrations and discussions. To this end, the paper highlights the state-of-the- art research and points out future research directions. 19. Modeling and Analysis of Cellular Networks using Stochastic Geometry: A Tutorial KAUST Repository Elsawy, Hesham 2016-11-03 This paper presents a tutorial on stochastic geometry (SG) based analysis for cellular networks. This tutorial is distinguished by its depth with respect to wireless communication details and its focus on cellular networks. The paper starts by modeling and analyzing the baseband interference in a baseline single-tier downlink cellular network with single antenna base stations and universal frequency reuse. Then, it characterizes signal-to-interference-plus-noise-ratio (SINR) and its related performance metrics. In particular, a unified approach to conduct error probability, outage probability, and transmission rate analysis is presented. Although the main focus of the paper is on cellular networks, the presented unified approach applies for other types of wireless networks that impose interference protection around receivers. The paper then extends the unified approach to capture cellular network characteristics (e.g., frequency reuse, multiple antenna, power control, etc.). It also presents numerical examples associated with demonstrations and discussions. To this end, the paper highlights the state-of-the- art research and points out future research directions. 20. Tutorial: Assessment and Analysis of Polysyllables in Young Children Science.gov (United States) Masso, Sarah; McLeod, Sharynne; Baker, Elise 2018-01-01 Purpose: Polysyllables, words of 3 or more syllables, represent almost 30% of words used in American English. The purpose of this tutorial is to support speech-language pathologists' (SLPs') assessment and analysis of polysyllables, extending the focus of published assessment tools that focus on sampling and analyzing children's segmental accuracy… 1. An Evaluation of a Biological Slide-Tutorial Program. Science.gov (United States) Chan, Gordon L. Described is an auto-tutorial slide program for zoology students. A self-paced system was devised for observing the subject matter covered in the twelve study units of a zoology course. The post-testing evaluation revealed that students with lower grade point averages achieved scores comparable with students of higher grade point averages.… 2. LHC@home online tutorial for Windows users - recording CERN Multimedia CERN. Geneva 2016-01-01 A step-by-step online tutorial about LHC@home for Windows users by Karolina Bozek. It contains detailed instructions on how-to-join this volunteer computing project. This 5' video is linked from http://lhcathome.web.cern.ch/join-us Also from the CDS e-learning category. 3. Communicating Big Data with the Public via Tutorials Science.gov (United States) Montgomery, Michele 2015-08-01 Although numerical models that researchers use to analyze large astronomy data sets may be easily found on NASA websites, tutorials on how to use these models and understanding the products of the models are lacking. Thus, communication with the public is ineffective. Where the public could easily engage with data and models to determine if their work and lives could be impacted, and if so, to plan accordingly, a lack of good tutorials typically results in the public waiting for a tweet, a post on Facebook, an announcement on a NASA webpage, an alert sent via text message or email, etc. An example is a solar flare or coronal mass ejection event that may impact GPS devices, the precision of which is heavily relied upon by several sectors of the public and military. To allow the public to engage in real time with solar data and NASA developed heliophysics software, we have developed tutorials. In this work, we present our tutorials made for NASA's Living With a Star Program on the such as Integrated Space Weather Analysis (ISWA) layout and the WSA-ENLIL-CONE Model to analyze a CME Evolution that occurred in 2010. We present our results and our analysis of the public's ability to understand the model's predictions of whether the event will impact Earth. By training the public to use the data and to understand model predictions, we turn passive recipients into engaged and self-supporting users of NASA data of space weather events. 4. Auto-Tutorial Instruction in Entomology: Principles of Entomology (Orders). Science.gov (United States) Minnick, D. R.; Steele, K. L. Auto-tutorial instruction was compared to traditional lecture instruction in a university entomology course. In seven consecutive terms, undergraduate students enrolled in an introductory entomology course were divided into two groups: Group I received only lecture instruction on insect orders, while Group II was dismissed for three consecutive… 5. Tutorial Video Series: Using Stakeholder Outreach to Increase ... Science.gov (United States) The limited amount of toxicity data on thousands of chemicals found in consumer products has led to the development of research endeavors such as the U.S. EPA’s Toxicity Forecaster (ToxCast). ToxCast uses high-throughput screening technology to evaluate thousands of chemicals for potential toxicity. At the end of 2013, U.S. EPA released ToxCast chemical data on almost 2,000 chemicals through the interactive Chemical Safety for Sustainability (iCSS) Dashboard. The iCSS Dashboard provides public access to the high-throughput screening data that can be used to inform the evaluation of the safety of chemicals. U.S. EPA recognized early in the development of ToxCast that stakeholder outreach was needed in order to translate the complex scientific information featured in the iCSS Dashboard and data, with the goal of educating the diverse user community through targeted efforts to increase data usage and analysis. Through survey feedback and the request of stakeholders, a series of tutorial videos to demonstrate how to access and use the data has been planned, and the first video of the series has been released to guide data usage. This presentation will describe the video tutorial strategy including an overview of: 1) Stakeholder outreach goals and approach; 2) Planning, production, and dissemination of tutorial videos; 3) Overview of Survey Feedback; 4) Overview of tutorial video usage statistics and usage of the ToxCast data. This stakeholder-outreach approach 6. A Tutorial on the Cross-Entropy Method NARCIS (Netherlands) de Boer, Pieter-Tjerk; Kroese, Dirk; Mannor, Shie; Rubinstein, Reuven Y. The cross-entropy (CE) method is a new generic approach to combinatorial and multi-extremal optimization and rare event simulation. The purpose of this tutorial is to give a gentle introduction to the CE method. We present the CE methodology, the basic algorithm and its modi��?cations, and 7. Key Elements of the Tutorial Support Management Model Science.gov (United States) Lynch, Grace; Paasuke, Philip 2011-01-01 In response to an exponential growth in enrolments the "Tutorial Support Management" (TSM) model has been adopted by Open Universities Australia (OUA) after a two-year project on the provision of online tutor support in first year, online undergraduate units. The essential focus of the TSM model was the development of a systemic approach… 8. Acquaintanceship, Familiarity, and Coordinated Laughter in Writing Tutorials Science.gov (United States) Thonus, Terese 2008-01-01 This study compared the frequency, structure, and purposes of laughter in writing tutorials between 46 acquainted and unacquainted tutor-student pairs. Of particular interest were instances of shared, or coordinated laughter, which took the form of sequenced, simultaneous, and extended laughter. Familiarity, viewed as a continuum, was also… 9. Tutorial: Calculating Percentile Rank and Percentile Norms Using SPSS Science.gov (United States) Baumgartner, Ted A. 2009-01-01 Practitioners can benefit from using norms, but they often have to develop their own percentile rank and percentile norms. This article is a tutorial on how to quickly and easily calculate percentile rank and percentile norms using SPSS, and this information is presented for a data set. Some issues in calculating percentile rank and percentile… 10. Tutorial : service-oriented architecture (SOA) development for serious games NARCIS (Netherlands) Carvalho, M.B.; Hu, J.; Bellotti, F.; de Gloria, A.; Rauterberg, G.W.M.; Chorianopoulos, K.; Divitini, M.; Hauge, J.; Jaccheri, L.; Malaka, R. 2015-01-01 This tutorial aims to introduce the benefits of applying a service-oriented architecture (SOA) approach to serious games developers. For that end, we propose a hands-on session in which we will provide information on state-of-the-art services for serious games and guide developers in rethinking one 11. Benefits from Taking a Private Tutorial Course for Exam Preparation? DEFF Research Database (Denmark) la Cour, Lisbeth; Milhøj, Anders course in order to perform well at the exam but still more than 50 % of a cohort signs up for the courses. Our data come from the administrative systems at Copenhagen Business School and they are merged with survey data on student satisfaction and tutorial participation. Based on simple regression... 12. Position paper: Web tutorials and Information Literacy research DEFF Research Database (Denmark) Hyldegård, Jette 2011-01-01 Position paper on future research challenges regarding web tutorials with the aim of supporting and facilitating Information Literacy in an academic context. Presented and discussed at the workshop: Social media & Information Practices, track on Information literacy practices, University of Borås... 13. Engaging undergraduate nursing students in face-to-face tutorials. Science.gov (United States) Elder, Ruth L; Lewis, Peter A; Windsor, Carol A; Wheeler, Margaret; Forster, Elizabeth; Foster, Joanne; Chapman, Helen 2011-09-01 Chronic nursing shortages have placed increasing pressure on many nursing schools to recruit greater numbers of students with the consequence of larger class sizes. Larger class sizes have the potential to lead to student disengagement. This paper describes a case study that examined the strategies used by a group of nursing lecturers to engage students and to overcome passivity in a Bachelor of Nursing programme. A non-participant observer attended 20 tutorials to observe five academics deliver four tutorials each. Academics were interviewed both individually and as a group following the completion of all tutorial observations. All observations, field notes, interviews and focus groups were coded separately and major themes identified. From this analysis two broad categories emerged: getting students involved; and engagement as a struggle. Academics used a wide variety of techniques to interest and involve students. Additionally, academics desired an equal relationship with students. They believed that both they and the students had some power to influence the dynamics of tutorials and that neither party had ultimate power. The findings of this study serve to re-emphasise past literature which suggests that to engage students, the academics must also engage. Copyright © 2011 Elsevier Ltd. All rights reserved. 14. A Study of Sustainable Assessment Theory in Higher Education Tutorials Science.gov (United States) Beck, Robert J.; Skinner, William F.; Schwabrow, Lynsey A. 2013-01-01 A study of sustainable assessment theory in nine tutorial courses at four colleges demonstrated that three long-term learning outcomes improved: Independence, Intellectual Maturity and Creativity. Eight of 10 traits associated with these outcomes were validated through internal reliability, faculty and student rubrics, and faculty case studies… 15. LHC@home online tutorial for Linux users - recording CERN Multimedia CERN. Geneva 2016-01-01 A step-by-step online tutorial for LHC@home by Karolina Bozek It contains detailed instructions for Linux users on how-to-join this volunteer computing project. This 5' linked from http://lhcathome.web.cern.ch/join-us CLICK Here to see the commands to copy/paste for installing BOINC and the VirtualBox. 16. Instructional and regulative discourse in language tutorials: An ... African Journals Online (AJOL) The research is situated in the context of literature tutorials. To achieve this goal Bernstein's (1990; 1996) pedagogic discourse is employed, as it was used by Buzzelli and Johnston (2001). Keywords: language learning, learning process, teacher-student interaction, participation, potentially offensive views, pedagogic ... 17. An interactive tutorial on radiation protection for medical students International Nuclear Information System (INIS) Sendra-Portero, F.; Martinez-Morillo, M. 2003-01-01 The aim of this project is to develop an interactive tutorial designed for medical students training in radiation protection in order to use its definitive version in a collaborative group of medical schools. The contents of the tutorial matchers the outlines proposed by the EC guidelines on education and training in Radiation Protection for Medical exposures (RP118), for medical and dental schools. The tutorial is organised in virtual lectures, following a similar structure than the traditional lectures, slides and explanations. There is a central script for each theme with a forward-return interaction. Additionally, branches with deeper explanations (drawings, images, videos,...) are provided to the user. The tutorial is being developed on a set of power Point presentations, linked between them. The user can choose two ways sto launch each lecture, based either on spoken (audio) or written explanations. We present the initial version of a useful tool for pre-graduate training of general practitioners in Radiation Protection, which is a complementary tool for personally adapted computed-based education. Most of the contents can be easily adapted for other students of health related careers (i. e. nurses, technologists...) The use of multimedia tools has been recommended in the field of radiation protection, but developing these tools is time consuming and needs expertise in both, educative and multimedia resources. This projects takes part of more than a dozen multimedia projects on different radiology related subjects developed in our department. (Author) 6 refs 18. Highlights of nuclear chemistry 1995 International Nuclear Information System (INIS) 1996-07-01 In this report 9 topics of the work of the Nuclear Chemistry Group in 1995 are highlighted. A list of publications and an overview of the international cooperation is given. (orig.). 19 refs., 19 figs., 2 tabs., 2 app 19. Highlights of nuclear chemistry 1995 Energy Technology Data Exchange (ETDEWEB) NONE 1996-07-01 In this report 9 topics of the work of the Nuclear Chemistry Group in 1995 are highlighted. A list of publications and an overview of the international cooperation is given. (orig.). 19 refs., 19 figs., 2 tabs., 2 app. 20. LAMA Preconference and Program Highlights. Science.gov (United States) Library Administration & Management, 1988 1988-01-01 Highlights events of the Library Administration and Management Association 1988 conference, including presentation of awards and programs on: (1) transfer of training; (2) hiring; (3) mentoring; (4) acquisitions automation; (5) library building consultation; and (6) managing shared systems. (MES) 1. Atmospheric Research 2014 Technical Highlights Science.gov (United States) Platnick, Steven 2015-01-01 Earth Sciences Division in atmospheric science research. Figure 1.1 shows the 20-year record of peer-reviewed publications and proposals among the various Laboratories. This data shows that the scientific work being conducted in the Laboratories is competitive with the work being done elsewhere in universities and other government agencies. The office of Deputy Director for Atmospheric Research will strive to maintain this record by rigorously monitoring and promoting quality while emphasizing coordination and integration among atmospheric disciplines. Also, an appropriate balance will be maintained between the scientists' responsibility for large collaborative projects and missions and their need to carry out active science research as a principal investigator. This balance allows members of the Laboratories to improve their scientific credentials, and develop leadership potentials. Interdisciplinary research is carried out in collaboration with other laboratories and research groups within the Earth Sciences Division, across the Sciences and Exploration Directorate, and with partners in universities and other government agencies. Members of the Laboratories interact with the general public to support a wide range of interests in the atmospheric sciences. Among other activities, the Laboratories raise the public's awareness of atmospheric science by presenting public lectures and demonstrations, by making scientific data available to wide audiences, by teaching, and by mentoring students and teachers. The Atmosphere Laboratories make substantial efforts to attract and recruit new scientists to the various areas of atmospheric research. We strongly encourage the establishment of partnerships with Federal and state agencies that have operational responsibilities to promote the societal application of our science products. This report describes our role in NASA's mission, provides highlights of our research scope and activities, and summarizes our scientists' major 2. Research and technology highlights, 1993 Science.gov (United States) 1994-01-01 This report contains highlights of the major accomplishments and applications that have been made by Langley researchers and by our university and industry colleagues during the past year. The highlights illustrate both the broad range of the research and technology activities supported by NASA Langley Research Center and the contributions of this work toward maintaining United States leadership in aeronautics and space research. This report also describes some of the Center's most important research and testing facilities. 3. Tutorial on the Psychophysics and Technology of Virtual Acoustic Displays Science.gov (United States) Wenzel, Elizabeth M.; Null, Cynthia (Technical Monitor) 1998-01-01 Virtual acoustics, also known as 3-D sound and auralization, is the simulation of the complex acoustic field experienced by a listener within an environment. Going beyond the simple intensity panning of normal stereo techniques, the goal is to process sounds so that they appear to come from particular locations in three-dimensional space. Although loudspeaker systems are being developed, most of the recent work focuses on using headphones for playback and is the outgrowth of earlier analog techniques. For example, in binaural recording, the sound of an orchestra playing classical music is recorded through small mics in the two "ear canals" of an anthropomorphic artificial or "dummy" head placed in the audience of a concert hall. When the recorded piece is played back over headphones, the listener passively experiences the illusion of hearing the violins on the left and the cellos on the right, along with all the associated echoes, resonances, and ambience of the original environment. Current techniques use digital signal processing to synthesize the acoustical properties that people use to localize a sound source in space. Thus, they provide the flexibility of a kind of digital dummy head, allowing a more active experience in which a listener can both design and move around or interact with a simulated acoustic environment in real time. Such simulations are being developed for a variety of application areas including architectural acoustics, advanced human-computer interfaces, telepresence and virtual reality, navigation aids for the visually-impaired, and as a test bed for psychoacoustical investigations of complex spatial cues. The tutorial will review the basic psychoacoustical cues that determine human sound localization and the techniques used to measure these cues as Head-Related Transfer Functions (HRTFs) for the purpose of synthesizing virtual acoustic environments. The only conclusive test of the adequacy of such simulations is an operational one in which 4. Intersensory binding across space and time : A tutorial review NARCIS (Netherlands) Chen, L.; Vroomen, J. 2013-01-01 Spatial ventriloquism refers to the phenomenon that a visual stimulus such as a flash can attract the perceived location of a spatially discordant but temporally synchronous sound. An analogous example of mutual attraction between audition and vision has been found in the temporal domain, where 5. Huntington’s disease:a tutorial review Institute of Scientific and Technical Information of China (English) Jean-Marc Burgunder 2015-01-01 Huntington’s disease is a rare auto⁃somal-dominant disorder, affecting people in middle age with motor, cognitive and psychiatric symptoms. The disease is due to a triplet repeat elongation in the Huntingtin gene, which leads to neuronal malfunction and degeneration through a number of different molec⁃ular pathways. Molecular genetic testing, which is per⁃formed after careful neurogenetic counselling, con⁃firms diagnosis. The treatment is symptomatic and needs to be tailored to the need of the patients and in⁃volve his relatives. 6. Challenges and opportunities in understanding microbial communities with metagenome assembly (accompanied by IPython Notebook tutorial) Science.gov (United States) Howe, Adina; Chain, Patrick S. G. 2015-01-01 Metagenomic investigations hold great promise for informing the genetics, physiology, and ecology of environmental microorganisms. Current challenges for metagenomic analysis are related to our ability to connect the dots between sequencing reads, their population of origin, and their encoding functions. Assembly-based methods reduce dataset size by extending overlapping reads into larger contiguous sequences (contigs), providing contextual information for genetic sequences that does not rely on existing references. These methods, however, tend to be computationally intensive and are again challenged by sequencing errors as well as by genomic repeats While numerous tools have been developed based on these methodological concepts, they present confounding choices and training requirements to metagenomic investigators. To help with accessibility to assembly tools, this review also includes an IPython Notebook metagenomic assembly tutorial. This tutorial has instructions for execution any operating system using Amazon Elastic Cloud Compute and guides users through downloading, assembly, and mapping reads to contigs of a mock microbiome metagenome. Despite its challenges, metagenomic analysis has already revealed novel insights into many environments on Earth. As software, training, and data continue to emerge, metagenomic data access and its discoveries will to grow. PMID:26217314 7. Challenges and opportunities in understanding microbial communities with metagenome assembly (accompanied by IPython Notebook tutorial Directory of Open Access Journals (Sweden) Adina eHowe 2015-07-01 Full Text Available Metagenomic investigations hold great promise for informing the genetics, physiology, and ecology of environmental microorganisms. Current challenges for metagenomic analysis are related to our ability to connect the dots between sequencing reads, their population of origin, and their encoding functions. Assembly-based methods reduce dataset size by extending overlapping reads into larger contiguous sequences (contigs, providing contextual information for genetic sequences that does not rely on existing references. These methods, however, tend to be computationally intensive and are again challenged by sequencing errors as well as by genomic repeats While numerous tools have been developed based on these methodological concepts, they present confounding choices and training requirements to metagenomic investigators. To help with accessibility to assembly tools, this review also includes an IPython Notebook metagenomic assembly tutorial. This tutorial has instructions for execution any operating system using Amazon Elastic Cloud Compute and guides users through downloading, assembly, and mapping reads to contigs of a mock microbiome metagenome. Despite its challenges, metagenomic analysis has already revealed novel insights into many environments on Earth. As software, training, and data continue to emerge, metagenomic data access and its discoveries will to grow. 8. 2006 highlights according to the IEA International Nuclear Information System (INIS) Lafon, M. 2007-01-01 The 2007 natural gas market review of the International energy agency (IEA) is this year subtitled: 'security in a globalizing market to 2015'. The review thus stresses on the 2006 highlights but reinforces the idea already expressed in the 2006 issue that energy security is now an inevitable topic. It offers also a prospective analysis of the natural gas market up to 2015 and devotes a full chapter to LNG development. As a matter of fact, the IEA considers that, from now to 2015, two thirds of the additional gas supplies will be in the form of LNG. The review supplies also some complements about some national markets. The present article reviews the most important points of this analysis. (J.S.) 9. Automated problem generation in Learning Management Systems: a tutorial Directory of Open Access Journals (Sweden) Jaime Romero 2016-07-01 Full Text Available The benefits of solving problems have been widely acknowledged by literature. Its implementation in e–learning platforms can make easier its management and the learning process itself. However, its implementation can also become a very time–consuming task, particularly when the number of problems to generate is high. In this tutorial we describe a methodology that we have developed aiming to alleviate the workload of producing a great deal of problems in Moodle for an undergraduate business course. This methodology follows a six-step process and allows evaluating student’s skills in problem solving, minimizes plagiarism behaviors and provides immediate feedback. We expect this tutorial encourage other educators to apply our six steps process, thus benefiting themselves and their students of its advantages. 10. [The opinion of teachers about tutorial problem based learning]. Science.gov (United States) Navarro H, Nancy; Zamora S, José 2014-08-01 In 2004 the Faculty of Medicine of Universidad de La Frontera in Chile implemented curricular changes, incorporating small group problem based learning in different carriers. To explore aspects that hamper or facilitate tutorial problem based learning from the perspective of tutors. Six in depth interviews and a focus group with tutors were carried out in 2010 and 2011. Data were analyzed through constant comparisons using the program ATLAS ti, guaranteeing credibility, reliance, validation and transferability. Five hundred and twenty eight (528) significance units were identified and 25 descriptive categories emerged. The categories of tutor motivation, methodological domain, tutor responsibility, tutor critical capacity, disciplinary domain, student participation and tutor-student interaction were emphasized. Three qualitative domains were generated, namely tutor skills, transformation of student roles and institutional commitment. Tutorial teaching is favored by teachers when the institutions train them in the subject, when there is administrative support and an adequate infrastructure and coordination. 11. pFUnit 3.0 Tutorial Advanced Science.gov (United States) Clune, Tom 2014-01-01 This tutorial will introduce Fortran developers to unit-testing and test-driven development (TDD) using pFUnit. As with other unit-testing frameworks, pFUnit, simplifies the process of writing, collecting, and executing tests while providing clear diagnostic messages for failing tests. pFUnit specifically targets the development of scientific-technical software written in Fortran and includes customized features such as: assertions for multi-dimensional arrays, distributed (MPI) and thread-based (OpenMP) parallellism, and flexible parameterized tests.These sessions will include numerous examples and hands-on exercises that gradually build in complexity. Attendees are expected to have working knowledge of F90, but familiarity with object-oriented syntax in F2003 and MPI will be of benefit for the more advanced examples. By the end of the tutorial the audience should feel comfortable in applying pFUnit within their own development environment. 12. Energy Policy. Highlights. 2013 Edition Energy Technology Data Exchange (ETDEWEB) NONE 2013-07-01 Energy Policy Highlights showcases recent developments in energy policies among all 28 IEA member countries. Each contribution underscores the changing nature of both global and domestic energy challenges, as well as the commonality of energy concerns among member countries. The policies highlighted in this publication identify an urgent need to reduce greenhouse gas (GHG) emissions as a clear policy objective. Electricity, enhancing energy efficiency and increasing the share of renewables in the energy mix in a cost effective manner are likewise areas of common focus. On the end-user side, increasing public awareness of domestic energy policies through improved transparency and engagement is an important facet of policy support among IEA member countries. The successful implementation of policies and other initiatives benefitted from efforts to inform the public. 13. Highlights of nuclear chemistry 1994 International Nuclear Information System (INIS) 1994-12-01 Highlights were: 1. Fission product release: benchmark calculations for severe nuclear accidents; 2. Thermochemical data for reactor materials and fission products; 3. thermochemical calculations on fuel of the high-temperature gas-cooled reactor; 4. Formation of organic tellurides during nuclear accidents?; 5. Reaction of tellurium with Zircaloy-4; 6. Transmutation of fission products; 7. The thermal conductivity of high-burnup UO 2 fuel; 8. Tritium retention in graphite. (orig./HP) 14. Tourette syndrome research highlights 2015 Science.gov (United States) Richards, Cheryl A.; Black, Kevin J. 2016-01-01 We present selected highlights from research that appeared during 2015 on Tourette syndrome and other tic disorders. Topics include phenomenology, comorbidities, developmental course, genetics, animal models, neuroimaging, electrophysiology, pharmacology, and treatment. We briefly summarize articles whose results we believe may lead to new treatments, additional research or modifications in current models of TS. PMID:27429744 15. LHC Results Highlights (CLASHEP 2013) CERN Document Server Gonzalez, O. 2015-05-22 The good performance of the LHC provided enough data at 7 TeV and 8 TeV to allow the experiments to perform very competitive measurements and to expand the knowledge about the fundamental interaction far beyond that from previous colliders. This report summarizes the highlights of the results obtained with these data samples by the four large experiments, covering all the topics of the physics program and focusing on those exploiting the possibilities of the LHC. 16. Generation of Tutorial Dialogues: Discourse Strategies for Active Learning Science.gov (United States) 1998-05-29 AND SUBTITLE Generation of Tutorial Dialogues: Discourse Strategies for active Learning AUTHORS Dr. Martha Evens 7. PERFORMING ORGANI2ATION NAME...time the student starts in on a new topic. Michael and Rovick constantly attempt to promote active learning . They regularly use hints and only resort...Controlling active learning : How tutors decide when to generate hints. Proceedings of FLAIRS . Melbourne Beach, FL. 157-161. Hume, G., Michael 17. Analog circuit design a tutorial guide to applications and solutions CERN Document Server Williams, Jim 2011-01-01 * Covers the fundamentals of linear/analog circuit and system design to guide engineers with their design challenges. * Based on the Application Notes of Linear Technology, the foremost designer of high performance analog products, readers will gain practical insights into design techniques and practice. * Broad range of topics, including power management tutorials, switching regulator design, linear regulator design, data conversion, signal conditioning, and high frequency/RF design. * Contributors include the leading lights in analog design, Robert Dobkin, Jim Willia 18. XTCE: XML Telemetry and Command Exchange Tutorial, XTCE Version 1 Science.gov (United States) Rice, Kevin; Kizzort, Brad 2008-01-01 These presentation slides are a tutorial on XML Telemetry and Command Exchange (XTCE). The goal of XTCE is to provide an industry standard mechanism for describing telemetry and command streams (particularly from satellites.) it wiill lower cost and increase validation over traditional formats, and support exchange or native format.XCTE is designed to describe bit streams, that are typical of telemetry and command in the historic space domain. 19. A tutorial on machine learning in educational science OpenAIRE Kidzinski, Lukasz; Giannakos, Michail; Sampson, Demetrios G.; Dillenbourg, Pierre 2015-01-01 Popularity of massive online open courses (MOOCs) allowed educational researchers to address problems which were not accessible few years ago. Although classical statistical techniques still apply, large datasets allow us to discover deeper patterns and to provide more accu-rate predictions of student’s behaviors and outcomes. The goal of this tutorial is to disseminate knowledge on elementary data analysis tools as well as facilitating simple practical data-analysis activities with the purpo... 20. 2012 Community Earth System Model (CESM) Tutorial - Proposal to DOE Energy Technology Data Exchange (ETDEWEB) Holland, Marika [National Center for Atmospheric Research, Boulder, CO (United States); Bailey, David A [National Center for Atmospheric Research, Boulder, CO (United States) 2013-03-18 The Community Earth System Model (CESM) is a fully-coupled, global climate model that provides state-of-the-art computer simulations of the Earth's past, present, and future climate states. This document provides the agenda and list of participants for the conference. Web materials for all lectures and practical sessions available from: http://www.cesm.ucar.edu/events/tutorials/073012/ . 1. LHC@home online tutorial for Mac users - recording CERN Multimedia CERN. Geneva 2016-01-01 A step-by-step online tutorial about LHC@home for Mac users by Alexandre Racine. It contains detailed instructions on how-to-join this volunteer computing project. There are 3 screen capture videos with the real installation process accelerated attached to the event page. This 5' video is linked from http://lhcathome.web.cern.ch/join-us Also from the CDS e-learning category. 2. Criteria for evaluating internet tutorials in speech communication sciences OpenAIRE Bowerman, Chris; Eriksson, Anders; Huckvale, Mark; Rosner, Mike; Tatham, Mark; Wolters, Maria 1999-01-01 The Computer Aided Learning (CAL) working group of the SOCRATES thematic network in Speech Communication Science have studied how the Internet is being used and could be used for the provision of self-study materials for education. In this paper we follow up previous recommendations for the design of Internet tutorials with recommendations for their evaluation. The paper proposes that evaluation should be seen as a necessary quality assurance mechanism operating within the life-cycle of CAL m... 3. Tutorial Pengenalan Adobe Photoshop Menggunakan Adobe Flash CS3 OpenAIRE Mayoka, Rio 2011-01-01 Kajian ini bertujuan untuk membangun sebuah aplikasi yang dapat menjadi alat bantu dalam pembelajaran Adobe Photoshop, dimana terdapat beberapa materi pengenalan dasar Adobe Photoshop. Aplikasi ini suatu gagasan dengan membuat tutorial beranimasi yang interatif. Aplikasi ini dibuat dengan menggunakan Adobe Flash CS3 dan dapat dijalankan dengan Flash player. Aplikasi ini dapat membantu para penggunanya dalam memahami pengenalan Adobe Photoshop, terutama pengenalan tool pada Adob... 4. Conducting qualitative research in audiology: a tutorial. Science.gov (United States) Knudsen, Line V; Laplante-Lévesque, Ariane; Jones, Lesley; Preminger, Jill E; Nielsen, Claus; Lunner, Thomas; Hickson, Louise; Naylor, Graham; Kramer, Sophia E 2012-02-01 Qualitative research methodologies are being used more frequently in audiology as it allows for a better understanding of the perspectives of people with hearing impairment. This article describes why and how international interdisciplinary qualitative research can be conducted. This paper is based on a literature review and our recent experience with the conduction of an international interdisciplinary qualitative study in audiology. We describe some available qualitative methods for sampling, data collection, and analysis and we discuss the rationale for choosing particular methods. The focus is on four approaches which have all previously been applied to audiologic research: grounded theory, interpretative phenomenological analysis, conversational analysis, and qualitative content analysis. This article provides a review of methodological issues useful for those designing qualitative research projects in audiology or needing assistance in the interpretation of qualitative literature. 5. Tutorial for Thermophysics Universal Research Framework Science.gov (United States) 2017-07-30 for this collection of information is estimated to average 1 hour per response, including the time for reviewing instructions, searching existing data...functionality of Coliseum/HPHall, it must be emphasized that the TURF-IR is intended to stimulate academic collaboration and does not provide equivalent real...creation of modules that replicate the functionality of Coliseum/HPHall, it must be emphasized that the TURF-IR is intended to stimulate academic 6. Male central hypogonadism secondary to exogenous androgens: a review of the drugs and protocols highlighted by the online community of users for prevention and/or mitigation of adverse effects. Science.gov (United States) Karavolos, Stamatios; Reynolds, Michael; Panagiotopoulou, Nikoletta; McEleny, Kevin; Scally, Michael; Quinton, Richard 2015-05-01 Androgen- or anabolic steroid-induced hypogonadism (ASIH) is no longer confined to professional athletes; its prevalence amongst young men and teenagers using androgens and/or anabolic steroids (AASs) is rising fast, and those affected can experience significant symptoms. Clinicians are increasingly encountering demanding, well-informed men affected by ASIH, yet lacking authoritative information on the subject may struggle to project a credible message. In this article, we overview the methods and drugs that men use in an attempt to counteract ASIH (with a view to either preventing its onset, or reversing it once it has developed) and summarize the scientific evidence underpinning these. The main channel for obtaining these drugs is the Internet, where they can be readily sourced without a valid prescription. An Internet search using relevant terms revealed a huge number of websites providing advice on how to buy and use products to counteract ASIH. Drugs arising repeatedly in our search included human chorionic gonadotrophin (hCG), selective oestrogen receptor modulators (SERMs) and aromatase inhibitors (AIs). The quality and accuracy of the online information was variable, but review of medical literature also highlighted a lack of scientific data to guide clinical practice. It is important for clinicians to be aware of the AAS user's self-treatment strategies with regard to ASIH side-effect mitigation. By ensuring that they are well-informed, clinicians are more likely to retain the credibility and trust of AAS users, who will in turn likely be more open to engage with appropriate management. © 2014 John Wiley & Sons Ltd. 7. Tutorial: Integrated-photonic switching structures Science.gov (United States) Soref, Richard 2018-02-01 Recent developments in waveguided 2 × 2 and N × M photonic switches are reviewed, including both broadband and narrowband resonant devices for the Si, InP, and AlN platforms. Practical actuation of switches by electro-optical and thermo-optical techniques is discussed. Present datacom-and-computing applications are reviewed, and potential applications are proposed for chip-scale photonic and optoelectronic integrated switching networks. Potential is found in the reconfigurable, programmable "mesh" switches that enable a promising group of applications in new areas beyond those in data centers and cloud servers. Many important matrix switches use gated semiconductor optical amplifiers. The family of broadband, directional-coupler 2 × 2 switches featuring two or three side-coupled waveguides deserves future experimentation, including devices that employ phase-change materials. The newer 2 × 2 resonant switches include standing-wave resonators, different from the micro-ring traveling-wave resonators. The resonant devices comprise nanobeam interferometers, complex-Bragg interferometers, and asymmetric contra-directional couplers. Although the fast, resonant devices offer ultralow switching energy, ˜1 fJ/bit, they have limitations. They require several trade-offs when deployed, but they do have practical application. 8. Building shared understandings in introductory physics tutorials through risk, repair, conflict & comedy Science.gov (United States) Conlin, Luke D. Collaborative inquiry learning environments, such as The Tutorials in Physics Sensemaking, are designed to provide students with opportunities to partake in the authentic disciplinary practices of argumentation and sensemaking. Through these practices, groups of students in tutorial can build shared conceptual understandings of the mechanisms behind physical phenomena. In order to do so, they must also build a shared epistemological understanding of what they are doing together, such that their activity includes collaboratively making sense of mechanisms. Previous work (Conlin, Gupta, Scherr, & Hammer, 2007; Scherr & Hammer, 2009) has demonstrated that tutorial students do not settle upon only one way of understanding their activity together, but instead build multiple shared ways of understanding, or framing (Scherr & Hammer, 2009; Tannen, 1993a), their activity. I build upon this work by substantiating a preliminary finding that one of these shared ways of framing corresponds with increased evidence of the students' collaboratively making sense of physical mechanisms. What previous research has not yet addressed is how the students come to understand their activity as including collaborative sensemaking discussions in the first place, and how that understanding develops over the course of the semester. In this dissertation, I address both of these questions through an in-depth video analysis of three groups' discussions throughout the semester. To build shared understandings through scientific argumentation and collaborative sensemaking, the students need to continually make repairs of each other's understanding, but this comes with the risk of affective damage that can shut down further sensemaking discussions. By analyzing the discourse of the three groups' discussions throughout the semester, I show how each group is able to manage this essential tension as they each build and maintain a safe space to sensemake together. I find that the three groups differ in 9. Modeling language and cognition with deep unsupervised learning: a tutorial overview. Science.gov (United States) Zorzi, Marco; Testolin, Alberto; Stoianov, Ivilin P 2013-01-01 Deep unsupervised learning in stochastic recurrent neural networks with many layers of hidden units is a recent breakthrough in neural computation research. These networks build a hierarchy of progressively more complex distributed representations of the sensory data by fitting a hierarchical generative model. In this article we discuss the theoretical foundations of this approach and we review key issues related to training, testing and analysis of deep networks for modeling language and cognitive processing. The classic letter and word perception problem of McClelland and Rumelhart (1981) is used as a tutorial example to illustrate how structured and abstract representations may emerge from deep generative learning. We argue that the focus on deep architectures and generative (rather than discriminative) learning represents a crucial step forward for the connectionist modeling enterprise, because it offers a more plausible model of cortical learning as well as a way to bridge the gap between emergentist connectionist models and structured Bayesian models of cognition. 10. Modeling Language and Cognition with Deep Unsupervised Learning:A Tutorial Overview Directory of Open Access Journals (Sweden) Marco eZorzi 2013-08-01 Full Text Available Deep unsupervised learning in stochastic recurrent neural networks with many layers of hidden units is a recent breakthrough in neural computation research. These networks build a hierarchy of progressively more complex distributed representations of the sensory data by fitting a hierarchical generative model. In this article we discuss the theoretical foundations of this approach and we review key issues related to training, testing and analysis of deep networks for modeling language and cognitive processing. The classic letter and word perception problem of McClelland and Rumelhart (1981 is used as a tutorial example to illustrate how structured and abstract representations may emerge from deep generative learning. We argue that the focus on deep architectures and generative (rather than discriminative learning represents a crucial step forward for the connectionist modeling enterprise, because it offers a more plausible model of cortical learning as well as way to bridge the gap between emergentist connectionist models and structured Bayesian models of cognition. 11. Modeling language and cognition with deep unsupervised learning: a tutorial overview Science.gov (United States) Zorzi, Marco; Testolin, Alberto; Stoianov, Ivilin P. 2013-01-01 Deep unsupervised learning in stochastic recurrent neural networks with many layers of hidden units is a recent breakthrough in neural computation research. These networks build a hierarchy of progressively more complex distributed representations of the sensory data by fitting a hierarchical generative model. In this article we discuss the theoretical foundations of this approach and we review key issues related to training, testing and analysis of deep networks for modeling language and cognitive processing. The classic letter and word perception problem of McClelland and Rumelhart (1981) is used as a tutorial example to illustrate how structured and abstract representations may emerge from deep generative learning. We argue that the focus on deep architectures and generative (rather than discriminative) learning represents a crucial step forward for the connectionist modeling enterprise, because it offers a more plausible model of cortical learning as well as a way to bridge the gap between emergentist connectionist models and structured Bayesian models of cognition. PMID:23970869 12. Biotransformation and bioactivation reactions - 2015 literature highlights. Science.gov (United States) Baillie, Thomas A; Dalvie, Deepak; Rietjens, Ivonne M C M; Cyrus Khojasteh, S 2016-05-01 Since 1972, Drug Metabolism Reviews has been recognized as one of the principal resources for researchers in pharmacological, pharmaceutical and toxicological fields to keep abreast of advances in drug metabolism science in academia and the pharmaceutical industry. With a distinguished list of authors and editors, the journal covers topics ranging from relatively mature fields, such as cytochrome P450 enzymes, to a variety of emerging fields. We hope to continue this tradition with the current compendium of mini-reviews that highlight novel biotransformation processes that were published during the past year. Each review begins with a summary of the article followed by our comments on novel aspects of the research and their biological implications. This collection of highlights is not intended to be exhaustive, but rather to be illustrative of recent research that provides new insights or approaches that advance the field of drug metabolism. Abbreviations NAPQI N-acetyl-p-benzoquinoneimine ALDH aldehyde dehydrogenase AO aldehyde oxidase AKR aldo-keto reductase CES carboxylesterase CSB cystathionine β-synthase CSE cystathionine γ-lyase P450 cytochrome P450 DHPO 2,3-dihydropyridin-4-one ESI electrospray FMO flavin monooxygenase GSH glutathione GSSG glutathione disulfide ICPMS inductively coupled plasma mass spectrometry i.p. intraperitoneal MDR multidrug-resistant NNAL 4-(methylnitrosamino)-1-(3-pyridyl)-1-butanol NNK 4-(methylnitrosamino)-1-(3-pyridyl)-1-butanone oaTOF orthogonal acceleration time-of-flight PBK physiologically based kinetic PCP pentachlorophenol SDR short-chain dehydrogenase/reductase SULT sulfotransferase TB tuberculosis. 13. The undergraduate physics tutorial program at CSU Los Angeles assessment of utility and areas of interest Science.gov (United States) Avetyan, Smbat The Physics Education Research (PER) group at the University of Washington have researched traditional teaching methods and found that students in introductory physics are lacking a conceptual understanding of the physics material. The solution they put forth is an interactive tutorial program designed to meet the lack of conceptual understanding. Since the tutorial programs inception at CSU Los Angeles in Fall 2006 no evaluation has been successfully undertaken therefore the effect of the tutorial program in the physics 200 series is deeply obscure to the department. The research has shed light on the tutorial program and brought into context its effectiveness on the overall physics 200 series courses at CSU Los Angeles. The researcher has addressed the following research questions, what overall effect does the tutorial program have on the Physics 200 series curriculum? What is the size and significance of gains attributable to the undergraduate calculus based Physics 200 series tutorial program at CSU Los Angeles? What can we learn from gains about individual weekly lessons from the Physics 200 series tutorial courses? What is the correlation of tutorial gains with student final course grades? Are the gains from the tutorial program different for genders? Is there a difference in gains based on the different students' colleges? 14. Comparison of two interactive tutorial methods: results from a medical college in Karachi. Science.gov (United States) Rehan, Rabiya; Farooqi, Lubna; Khan, Hira; Rehman, Rehana 2017-02-01 To compare perception of students on usefulness of interactive tutorials and clinically-oriented problem-solving tutorials. The cross-sectional study was carried out from January 2012 to November 2013 at Bahria University Medical and Dental College, Karachi. The perception of medical students on usefulness of interactive tutorials and clinically-oriented problem-solving tutorials was acquired through a questionnaire distributed to medical students having completed the first two years of studies. The responses on various aspects of learning of physiology were acquired on a scale of poor, good or excellent. The learning abilities and acquired skills were compared in terms of not at all, to some extent, and to great extent. Data was analysed using SPSS 15. Of the hundred students initially enrolled, complete response was obtained from 83(83%). Of them, 47(57%) were females. There was significant difference in understanding of structure and function by clinically-oriented problem-solving tutorials (p=0.04). The students preferred clinically-oriented problem-solving tutorials as far as understating of difficult concepts was concerned (pskills were improved by interactive tutorials (p=0.02) whereas clinical reasoning skills acquired by clinically-oriented problem-solving tutorials was found to be significantly better (pskills were acquired more by clinically-oriented problem-solving tutorials that helped in better understanding of structure and functions. 15. Biotransformation and bioactivation reactions - 2016 literature highlights. Science.gov (United States) Khojasteh, S Cyrus; Rietjens, Ivonne M C M; Dalvie, Deepak; Miller, Grover 2017-08-01 We are pleased to present a second annual issue highlighting a previous year's literature on biotransformation and bioactivation. Each contributor to this issue worked independently to review the articles published in 2016 and proposed three to four articles, which he or she believed would be of interest to the broader research community. In each synopsis, the contributing author summarized the procedures, analyses and conclusions as described in the original manuscripts. In the commentary sections, our authors offer feedback and highlight aspects of the work that may not be apparent from an initial reading of the article. To be fair, one should still read the original article to gain a more complete understanding of the work conducted. Most of the articles included in this review were published in Drug Metabolism and Disposition or Chemical Research in Toxicology, but attempts were made to seek articles in 25 other journals. Importantly, these articles are not intended to represent a consensus of the best papers of the year, as we did not want to make any arbitrary standards for this purpose, but rather they were chosen by each author for their notable findings and descriptions of novel metabolic pathways or biotransformations. I am pleased that Drs. Rietjens and Dalvie have again contributed to this annual review. We would like to welcome Grover P Miller as an author for this year's issue, and we thank Tom Baillie for his contributions to last year's edition. We have intentionally maintained a balance of authors such that two come from an academic setting and two come from industry. Finally, please drop us a note if you find this review helpful. We would be pleased to hear your opinions of our commentary, and we extend an invitation to anyone who would like to contribute to a future edition of this review. This article is dedicated to Professor Thomas Baillie for his exceptional contributions to the field of drug metabolism. 16. Physics highlights at ILC and CLIC CERN Document Server Lukić, Strahinja 2015-01-01 In this lecture, the physics potential for the e+e- linear collider experiments ILC and CLIC is reviewed. The experimental conditions are compared to those at hadron colliders and their intrinsic value for precision experiments, complementary to the hadron colliders, is discussed. The detector concepts for ILC and CLIC are outlined in their most important aspects related to the precision physics. Highlights from the physics program and from the benchmark studies are given. It is shown that linear colliders are a promising tool, complementing the LHC in essential ways to test the Standard Model and to search for new physics. 17. Highlights from Super-Kamiokande International Nuclear Information System (INIS) Okumura, Kimihiro 2016-01-01 Recent results from Super-Kamiokande experiment are reviewed in this paper; Neutrino mass hierarchy and CP violation in the lepton sector are investigated via ν_μ → ν_e oscillation of the atmospheric neutrinos. The event rate, correlation with solar activity, energy spectrum of the solar neutrinos are measured via electron elastic scattering interactions. Neutrino emission from the WIMP annihilation at the center of the Sun are searched in the GeV energy regions. New project, SK-Gd project, to enhance anti-neutrino identification capability, has been approved inside the collaboration group 18. Highlights of DAMA/LIBRA Directory of Open Access Journals (Sweden) Bernabei R. 2016-01-01 Full Text Available The DAMA project develops and uses new/improved low background scintillation detectors to investigate the Dark Matter (DM particle component(s in the galactic halo and rare processes deep underground at the Gran Sasso National Laboratory (LNGS of the I.N.F.N.. Here some highlights of DAMA/LIBRA (Large sodium Iodide Bulk for Rare processes as a unique apparatus in direct DM investigation for its full sensitive mass, target material, intrinsic radio-purity, methodological approach and all the controls performed on the experimental parameters are outlined. The DAMA/LIBRA–phase1 and the former DAMA/NaI data (cumulative exposure 1.33 ton × yr, corresponding to 14 annual cycles have reached a model-independent evidence at 9.3 σ C.L. for the presence of DM particles in the galactic halo exploiting the DM annual modulation signature with highly radio-pure NaI(Tl target. Some of the perspectives of the presently running DAMA/LIBRA–phase2 are summarised and the powerful tools offered by a model independent strategy of DM investigation are pointed out. 19. ESO PR Highlights in 2000 Science.gov (United States) 2001-01-01 At the beginning of the new millennium, ESO and its staff are facing the future with confidence. The four 8.2-m Unit Telescopes of the Very Large Telescope (VLT) are in great shape and the VLT Interferometer (VLTI) will soon have "first fringes". The intercontinental ALMA project is progressing well and concepts for extremely large optical/infrared telescopes are being studied. They can also look back at a fruitful and rewarding past year. Perhaps the most important, single development has been the rapid transition of the Very Large Telescope (VLT). From being a "high-tech project under construction" it has now become a highly proficient, world-class astronomical observatory. This trend is clearly reflected in ESO's Press Releases , as more and more front-line scientific results emerge from rich data obtained at this very efficient facility. There were also exciting news from several of the instruments at La Silla. At the same time, the ESO community may soon grow, as steps towards membership are being taken by various European countries. Throughout 2000, a total of 54 PR communications were made, with a large number of Press Photos and Video Clips, cf. the 2000 PR Index. Some of the ESO PR highlights may be accessed directly via the clickable image on the present page. ESO PR Photo 01/01 is also available in a larger (non-clickable) version [ JPEG: 566 x 566 pix - 112k]. It may be reproduced, if credit is given to the European Southern Observatory. 20. TUTORIALS AS A STRATEGY TO STRENGTHEN THE UPPER LEVEL Directory of Open Access Journals (Sweden) Francisco Antonio Romero-Leyva 2014-01-01 Full Text Available In the University context tutorials are displayed as a strategy for improving the quality of higher education, therefore the Universidad de Occidente in its educational model has incorporated this program; on the basis of the above it is interesting to perform an analysis and proposal to improve the institutional program of mentoring (PIT of the U de O, El Fuerte unit. The objective of this research was an analysis of the institutional program of tutoring from the Universidad de Occidente, El Fuerte unit and propose suggestions for improvements. The deductive-inductive method was used, non-probability sampling, with a representative sample of 10% of the universe, the techniques applied the questionnaire and the interview. The sources consulted were; personal, institutional, electronic sources and documentary Among the outstanding results include that it is essential that the IES put in place tutorial systems through which students have to throughout their training with the advice and support of a teacher properly prepared, the way how they are implemented is commitment of each institution, in El Fuerte Unit is necessary training quarterly to the body of tutors, have comfortable spaces for the tutorial process, the administrative authorities require compliance with the listing because it allows the tutor to better control and management problems of their tutees, having the program strategies to rescue students who for various reasons leave the classrooms of the University; this program being a tool to comply with Tutoring System, thereby obtaining increased rates and terminal efficiency and comply graduate profile al. As tutors we need to reflect critically on our personal and professional performance when interacting with tutees, to promote change and the process of development of human potential performance. 1. Doing bayesian data analysis a tutorial with R and BUGS CERN Document Server Kruschke, John K 2011-01-01 There is an explosion of interest in Bayesian statistics, primarily because recently created computational methods have finally made Bayesian analysis obtainable to a wide audience. Doing Bayesian Data Analysis, A Tutorial Introduction with R and BUGS provides an accessible approach to Bayesian data analysis, as material is explained clearly with concrete examples. The book begins with the basics, including essential concepts of probability and random sampling, and gradually progresses to advanced hierarchical modeling methods for realistic data. The text delivers comprehensive coverage of all 2. A tutorial on queuing and trunking with applications to communications CERN Document Server Tranter, William H 2012-01-01 The motivation for developing this synthesis lecture was to provide a tutorial on queuing and trunking, with extensions to networks of queues, suitable for supplementing courses in communications, stochastic processes, and networking. An essential component of this lecture is MATLAB-based demonstrations and exercises, which can be easily modified to enable the student to observe and evaluate the impact of changing parameters, arrival and departure statistics, queuing disciplines, the number of servers, and other important aspects of the underlying system model. Much of the work in this lecture 3. A broadcast engineering tutorial for non-engineers CERN Document Server Pizzi, Skip 2014-01-01 A Broadcast Engineering Tutorial for Non-Engineers is the leading publication on the basics of broadcast technology. Whether you are new to the industry or do not have an engineering background, this book will give you a comprehensive primer of television, radio, and digital media relating to broadcast-it is your guide to understanding the technical world of radio and television broadcast engineering. It covers all the important topics such as DTV, IBOC, HD, standards, video servers, editing, electronic newsrooms, and more. 4. Tutorial for Wave Equation Inversion of Skeletonized Data KAUST Repository Lu, Kai 2017-04-25 Full waveform inversion of seismic data is often plagued by cycle skipping problems so that an iterative optimization method often gets stuck in a local minimum. To avoid this problem we simplify the objective function so that the iterative solution can quickly converge to a solution in the vicinity of the global minimum. The objective function is simplified by only using parsimonious and important portions of the data, which are defined as skeletonized data. We now present a mostly non-mathematical tutorial that explains the theory of skeletonized inversion. We also show its effectiveness with examples. 5. Marine Vessel Models in Changing Operational Conditions - A Tutorial DEFF Research Database (Denmark) Perez, Tristan; Sørensen, Asgeir; Blanke, Mogens 2006-01-01 conditions (VOC). However, since marine systems operate in changing VOCs, there is a need to adapt the models. To date, there is no theory available to describe a general model valid across different VOCs due to the complexity of the hydrodynamic involved. It is believed that system identification could......This tutorial paper provides an introduction, from a systems perspective, to the topic of ship motion dynamics of surface ships. It presents a classification of parametric models currently used for monitoring and control of marine vessels. These models are valid for certain vessel operational... 6. Cassini's Grand Finale Science Highlights Science.gov (United States) Spilker, Linda 2017-10-01 After 13 years in orbit, the Cassini-Huygens Mission to Saturn ended in a science-rich blaze of glory. Cassini returned its final bits of unique science data on September 15, 2017, as it plunged into Saturn's atmosphere satisfying planetary protection requirements. Cassini's Grand Finale covered a period of roughly five months and ended with the first time exploration of the region between the rings and planet.The final close flyby of Titan in late April 2017 propelled Cassini across Saturn’s main rings and into its Grand Finale orbits; 22 orbits that repeatedly dove between Saturn’s innermost rings and upper atmosphere making Cassini the first spacecraft to explore this region. The last orbit turned the spacecraft into the first Saturn upper atmospheric probe.The Grand Finale orbits provided highest resolution observations of both the rings and Saturn, and in-situ sampling of the ring particle composition, Saturn's atmosphere, plasma, and innermost radiation belts. The gravitational field was measured to unprecedented accuracy, providing information on the interior structure of the planet, winds in the deeper atmosphere, and mass of the rings. The magnetic field provided insight into the physical nature of the magnetic dynamo and structure of the internal magnetic field. The ion and neutral mass spectrometer sampled the upper atmosphere for molecules that escape the atmosphere in addition to molecules originating from the rings. The cosmic dust analyzer directly sampled the composition from different parts of the main rings for the first time. Fields and particles instruments directly measured the plasma environment between the rings and planet.Science highlights and new mysteries gleaned to date from the Grand Finale orbits will be discussed.The research described in this paper was carried out in part at the Jet Propulsion Laboratory, California Institute of Technology, under a contract with the National Aeronautics and Space Administration. Copyright 2017 7. Atmospheric Research 2016 Technical Highlights Science.gov (United States) Platnick, Steven 2017-01-01 Atmospheric research in the Earth Sciences Division (610) consists of research and technology development programs dedicated to advancing knowledge and understanding of the atmosphere and its interaction with the climate of Earth. The Divisions goals are to improve understanding of the dynamics and physical properties of precipitation, clouds, and aerosols; atmospheric chemistry, including the role of natural and anthropogenic trace species on the ozone balance in the stratosphere and the troposphere; and radiative properties of Earth's atmosphere and the influence of solar variability on the Earth's climate. Major research activities are carried out in the Mesoscale Atmospheric Processes Laboratory, the Climate and Radiation Laboratory, the Atmospheric Chemistry and Dynamics Laboratory, and the Wallops Field Support Office. The overall scope of the research covers an end-to-end process, starting with the identification of scientific problems, leading to observation requirements for remote-sensing platforms, technology and retrieval algorithm development; followed by flight projects and satellite missions; and eventually, resulting in data processing, analyses of measurements, and dissemination from flight projects and missions. Instrument scientists conceive, design, develop, and implement ultraviolet, infrared, optical, radar, laser, and lidar technology to remotely sense the atmosphere. Members of the various laboratories conduct field measurements for satellite sensor calibration and data validation, and carry out numerous modeling activities. These modeling activities include climate model simulations, modeling the chemistry and transport of trace species on regional-to-global scales, cloud resolving models, and developing the next-generation Earth system models. Satellite missions, field campaigns, peer-reviewed publications, and successful proposals are essential at every stage of the research process to meeting our goals and maintaining leadership of the 8. The Nature of Reflective Practice and Emotional Intelligence in Tutorial Settings Science.gov (United States) Gill, Gobinder Singh 2014-01-01 The purpose of this paper was to assess the nature of reflective practice and emotional intelligence in tutorial settings. Following the completion of a self-report measure of emotional intelligence, practitioners incorporated a model of reflective practice into their tutorial sessions. Practitioners were instructed to utilise reflective practice… 9. Proposing a Web-Based Tutorial System to Teach Malay Language Braille Code to the Sighted Science.gov (United States) Wah, Lee Lay; Keong, Foo Kok 2010-01-01 The "e-KodBrailleBM Tutorial System" is a web-based tutorial system which is specially designed to teach, facilitate and support the learning of Malay Language Braille Code to individuals who are sighted. The targeted group includes special education teachers, pre-service teachers, and parents. Learning Braille code involves memorisation… 10. Comparing the Effectiveness of a Supplemental Online Tutorial to Traditional Instruction with Nutritional Science Students Science.gov (United States) Zubas, Patrice; Heiss, Cindy; Pedersen, Mary 2006-01-01 The purpose of this study was to ascertain if an online computer tutorial on diabetes mellitus, supplemented to traditional classroom lecture, is an effective tool in the education of nutrition students. Students completing a web-based tutorial as a supplement to classroom lecture displayed greater improvement in pre- vs. post-test scores compared… 11. A Tutorial Design Process Applied to an Introductory Materials Engineering Course Science.gov (United States) Rosenblatt, Rebecca; Heckler, Andrew F.; Flores, Katharine 2013-01-01 We apply a "tutorial design process", which has proven to be successful for a number of physics topics, to design curricular materials or "tutorials" aimed at improving student understanding of important concepts in a university-level introductory materials science and engineering course. The process involves the identification… 12. Using Visual Assessments and Tutorials to Teach Solar System Concepts in Introductory Astronomy Science.gov (United States) LoPresto, Michael C. 2010-01-01 Visual assessments and tutorials are instruments that rely on student construction and/or examination of pictures and/or diagrams rather than multiple choice and/or short answer questions. Being a very visual subject, astronomy lends itself to assessments and tutorials of this type. What follows is a report on the results of the use of visual… 13. Interactive Intragroup Tutorials: A Need-Based Modification to Enhance Learning in Physiology Science.gov (United States) Srivastava, Tripti K.; Waghmare, Lalitbhushan S.; Jagzape, Arunita; Mishra, Vedprakash 2015-01-01 A tutorial is a period of instruction given by a university or college tutor to an individual or a very small group. Essentially, it is a small class of a few students in which the tutor (a lecturer or other academic staff member) gives individual attention to every learner. The tutorial focuses on certain subject areas and generally proceeds with… 14. Using Active-Learning Pedagogy to Develop Essay-Writing Skills in Introductory Political Theory Tutorials Science.gov (United States) Murphy, Michael P. A. 2017-01-01 Building on prior research into active learning pedagogy in political science, I discuss the development of a new active learning strategy called the "thesis-building carousel," designed for use in political theory tutorials. This use of active learning pedagogy in a graduate student-led political theory tutorial represents the overlap… 15. How Levels of Interactivity in Tutorials Affect Students' Learning of Modeling Transportation Problems in a Spreadsheet Science.gov (United States) Seal, Kala Chand; Przasnyski, Zbigniew H.; Leon, Linda A. 2010-01-01 Do students learn to model OR/MS problems better by using computer-based interactive tutorials and, if so, does increased interactivity in the tutorials lead to better learning? In order to determine the effect of different levels of interactivity on student learning, we used screen capture technology to design interactive support materials for… 16. The Purpose of Tutorial Groups: Social Influence and the Group as Means and Objective Science.gov (United States) Rosander, Michael; Chiriac, Eva Hammar 2016-01-01 The aim of this study was to investigate how first-year students view the purpose of tutorial groups in problem-based learning. In all, 147 students from 24 groups participated, providing 399 statements. Data were analysed using thematic analysis. The results showed a focus on both learning and social influence. Learning involved the tutorial as… 17. An Online Tutorial vs. Pre-Recorded Lecture for Reducing Incidents of Plagiarism Science.gov (United States) Henslee, Amber M.; Goldsmith, Jacob; Stone, Nancy J.; Krueger, Merilee 2015-01-01 The current study compared an online academic integrity tutorial modified from Belter & du Pre (2009) to a pre-recorded online academic integrity lecture in reducing incidents of plagiarism among undergraduate students at a science and technology university. Participants were randomized to complete either the tutorial or the pre-recorded… 18. Approximating Literacy Practices in Tutorials: What Is Learned and What Matters for Teacher Preparation Science.gov (United States) Hoffman, James V.; Wetzel, Melissa Mosley; Peterson, Katie 2016-01-01 In this study, we examined the learning of preservice teachers associated with the features of a literacy tutorial experience. Our qualitative study focused on the close inspection of the experiences of 7 focus cases out of the 19 preservice teachers enrolled in our program across a one-semester tutorial experience. Through our research we… 19. Psychosemiotics and Libraries: Identifying Signways in Library Informational Guides, Games, and Tutorials Science.gov (United States) Laster, Barbara; Blummer, Barbara; Kenton, Jeffrey M. 2010-01-01 Tutorials and digital learning objects provide librarians a quick, concise mechanism for delivering information and training on a wide range of library topics. The semiotic theory promoted by Charles Sanders Peirce (Wiener, 1958) and Howard Smith (2005) contains implications for enhancing the effectiveness of library tutorials through the… 20. Staying on Top of Your Game and Scoring Big with Adobe Presenter Multimedia Tutorials Science.gov (United States) Koury, Regina; Francis, Marcia J.; Gray, Catherine J.; Jardine, Spencer J.; Guo, Ruiling 2010-01-01 In order to reach distance students in times of financial uncertainty, librarians must be creative. While much has been written about Camtasia, Captivate and Jing tutorial software, Adobe Presenter, a Microsoft PowerPoint plug-in, has not been discussed. This article describes how our library team created multimedia tutorial projects at Idaho… 1. Highlights on experimental neutrino physics International Nuclear Information System (INIS) Kemp, Ernesto 2013-01-01 Full text: In the last years a remarkable progress was achieved in a deeper understanding of neutrino sector. Nowadays we know all mixing angles and mass splits which govern the neutrino oscillation phenomena. The parameters of neutrino mixing were measured by combining results of different experimental approaches including accelerator beams, nuclear reactors, radiative decays and astrophysical neutrinos. Nevertheless, there are open questions which can be viewed as key points to consolidate our knowledge on the intrinsic properties of neutrinos such as mass hierarchy and the existence of a CP violation in leptonic sector. To answer these questions and also to improve the precision of the already known mixing parameters, a series of huge experimental efforts are being set up, even in a world-wide scale in some cases. In this presentation I will review the current knowledge of the fundamental properties of neutrinos and the experimental scenario in which we expect, in a time frame of a decade, to find missing pieces in the leptonic sector. The findings can strengthen the foundations of the Standard Model as well as open very interesting paths for new physics. (author) 2. Systematic review and meta-analysis links autism and toxic metals and highlights the impact of country development status: Higher blood and erythrocyte levels for mercury and lead, and higher hair antimony, cadmium, lead, and mercury. Science.gov (United States) Saghazadeh, Amene; Rezaei, Nima 2017-10-03 Autism spectrum disorder (ASD) is a heterogeneous neurodevelopmental disorder that affects cognitive and higher cognitive functions. Increasing prevalence of ASD and high rates of related comorbidities has caused serious health loss and placed an onerous burden on the supporting families, caregivers, and health care services. Heavy metals are among environmental factors that may contribute to ASD. However, due to inconsistencies across studies, it is still hard to explain the association between ASD and toxic metals. Therefore the objective of this study was to investigate the difference in heavy metal measures between patients with ASD and control subjects. We included observational studies that measured levels of toxic metals (antimony, arsenic, cadmium, lead, manganese, mercury, nickel, silver, and thallium) in different specimens (whole blood, plasma, serum, red cells, hair and urine) for patients with ASD and for controls. The main electronic medical database (PubMed and Scopus) were searched from inception through October 2016. 52 studies were eligible to be included in the present systematic review, of which 48 studies were included in the meta-analyses. The hair concentrations of antimony (standardized mean difference (SMD)=0.24; 95% confidence interval (CI): 0.03 to 0.45) and lead (SMD=0.60; 95% confidence interval (CI): 0.17 to 1.03) in ASD patients were significantly higher than those of control subjects. ASD patients had higher erythrocyte levels of lead (SMD=1.55, CI: 0.2 to 2.89) and mercury (SMD=1.56, CI: 0.42 to 2.70). There were significantly higher blood lead levels in ASD patients (SMD=0.43, CI: 0.02 to 0.85). Sensitivity analyses showed that ASD patients in developed but not in developing countries have lower hair concentrations of cadmium (SMD=-0.29, CI: -0.46 to -0.12). Also, such analyses indicated that ASD patients in developing but not in developed lands have higher hair concentrations of lead (SMD=1.58, CI: 0.80 to 2.36) and mercury (SMD=0 3. The Launch of a Joint Library/Writing Centre Online Course on Academic Integrity. A Review of: Greer, K., Swanberg, S., Hristova, M., Switzer, A. T., Daniel, D., & Perdue, S. W. (2012. Beyond the web tutorial: Development and implementation of an online, self-directed academic integrity course at Oakland University. The Journal of Academic Librarianship, 38(5, 251-258. Directory of Open Access Journals (Sweden) Cari Merkley 2013-06-01 Full Text Available Objective – To outline the collaborative development of an online course addressing academic integrity by a university’s library system and writing centre.Design – Case study.Setting – A public research university in the Midwestern United States.Subjects – 1650 students who completed the online module.Methods – Oakland University (OU Libraries and the Writing Centre began to collaborate on the development of a new online course on academic integrity in 2011. It was felt that an existing online library tutorial on plagiarism no longer met the needs of students and faculty. The development of the course was informed by the Association of College and Research Libraries’ Information Literacy Competency Standards for Higher Education (2000 as well as a research study investigating students’ use of sources in their scholarly writing across several institutions. Moodle, the institution’s learning management system (LMS, was used to develop the learning object.Main Results – OU Libraries and the Writing Centre launched the six-part online course entitled “Using and Citing Sources” in January 2012. They developed modules around learning outcomes in five broad categories: defining academic integrity and plagiarism; the use of sources in academic writing; paraphrasing; quoting; and citation. The final module provided students with an opportunity to practise lessons learned in the first five modules. The use of the LMS to design and host the course limited the tutorial to registered students, but provided developers with access to additional course functionality without labour-intensive coding. It also allowed Writing Centre staff to access students’ performance data on the modules prior to their appointments. Improvements over the previous online tutorial included expanded content on academic ethics and referencing, more active learning elements, video content, and the opportunity for students to choose discipline 4. LOG: Analyzing navigation trough a tutorial of Radiation Protection International Nuclear Information System (INIS) Vega, J. M.; Pena, J. J.; Rossell, M. A.; Calvo, J. L. 2003-01-01 Every day, the number of didactic materials presented through Internet, is greater. However, we have not effective tools to obtain the potential academic yield of such a media. The complexity of the Internet protocols, in spite of the easy handling, makes it almost impossible. In this work, a didactic tool to analyse graphically the navigation through a tutorial on radiation protection is presented. For its visualisation, some subjects related with the biogical effects of radiation and with radiological quantities and units have been selected. The graphical representation shows the tour travelled by the user, in our case students of Medicine, and the time employed in eyeing each one of the nodes. The answers to problems about the contents of each node and its graphical representation in the navigation map allow us to follow the learning progress of the students as well as their standard of navigation. The graphical representation analysis of multiple users permits to detect some of the mistakes in the design of the tutorial and to suggest to the author a method for amending these mistakes. The system is developed on LINEX, but it is easily adaptable to other operating systems. (Author) 7 refs 5. Redesigning nursing tutorials for ESL students: a pilot study. Science.gov (United States) San Miguel, Caroline; Townsend, Lisa; Waters, Cheryl 2013-04-01 Increased enrolments of Bachelor of Nursing (BN) students who speak English as a second language (ESL) can help create a multilingual and culturally diverse workforce that is better prepared to meet the needs of increasingly diverse health populations. However, although ESL enrolments are increasing, attrition rates for ESL students tend to be higher than those of native speakers of English, partly due to academic failure. At the same time, concerns have been expressed in some quarters about the low levels of English language of entering students. As it is unlikely that language entry levels to university will be raised, sustainable programmes that help ESL students better meet the academic challenges they may face need to be developed. So far, models of ESL support have been mostly an adjunct to their degree, voluntary and not well attended. This paper discusses a model using tutorials integrated into the first year nursing curriculum that were specifically designed for ESL students with low levels of English language proficiency. The paper also examines students' perceptions of such tutorials, which they found beneficial to their learning. 6. Facilitating Multilingual Tutorials at the University of the Free State Directory of Open Access Journals (Sweden) du Buisson Theuns 2017-12-01 Full Text Available Conducting undergraduate studies in the English language, while only a small minority of students speak English at home, poses many problems to learning in the South African context. This article explores how restrictive language policies may influence proper learning and impact negatively on the self-understanding of students. It also explores how multilingualism could help to reduce the continued reliance on English, without doing away with English in its entirety. This is especially relevant in light of English and other colonial languages still being perceived as “languages of power” (Stroud & Kerfoot, 2013, p. 403. Therefore, attention is given to the link between language and power, especially in light of languages often being used to implement, display and preserve power. Language use in the classroom, especially with regard to codeswitching (also called translanguaging, is discussed. Finally, it explores the success that was achieved during multilingual tutorial sessions. In the tutorials, students were encouraged to explore the course work in their native languages, thereby internalising it and getting a better understanding thereof. 7. Guidelines for Effective TAP (Translation for Academic Purposes Tutorial Courses Directory of Open Access Journals (Sweden) Elham Yazdanmehr 2014-03-01 Full Text Available An increasing need is felt by the university students, especially at Master’s or PhD level, to get a satisfactory command of English so as to manage great amounts of technical materials and articles published internationally. Public and private language institutions, however, have not responded to this need properly specially in non-English speaking countries including Iran. Therefore, the only way left for the students is to demand tutorial sessions which are rare, and if existing, of diverse questionable quality. There seems to be a dearth of base-line or criteria released in any form to define and guide the tutors’ approach and techniques which can be in accordance with university students’ needs and purposes. Aiming to fill this gap, the present paper attempts to be a pioneering research in the realm of TAP (Translation for Academic Purposes tutorial courses and intends to provide guidelines on text selection, role allocation, timing, rate, assignments and other relevant issues in this area. The guidelines are provided based on a post facto case study carried out by one of the authors which created the motive for this research and may further clarify the significance of the issues discussed. The recommended guidelines consist of 5 basic elements and 3 principles. It was discovered, and is expected for others as well, that following these guidelines helps to manage a TAP course in the best and most fruitful way with the least time wasted and with satisfactory result. 8. ESO PR Highlights in 2006 Science.gov (United States) 2007-01-01 Last year proved to be another exceptional year for the European organisation for ground-based astronomy. ESO should begin the New Year with two new member states: Spain (PR 05/06) and the Czech Republic (PR 52/06). ESO PR Highlights 2006 2006 was a year of renovation and revolution in the world of planets. A new Earth-like exoplanet has been discovered (PR 03/06) using a network of telescopes from all over the world (including the Danish 1.54-m one at ESO La Silla). It is not the only child of this fruitful year: thanks to the combined use of ESO's Very Large Telescope (VLT) and La Silla instruments, a surprising system of twin giant exoplanets was found (PR 29/06), and a trio of Neptune-like planets hosted by a nearby star were identified (PR 18/06). These results open new perspectives on the search for habitable zones and on the understanding of the mechanism of planet formation. The VISIR instrument on the VLT has been providing unique information to answer this last question, by supplying a high resolution view of a planet-forming disc (PR 36/06). There are not only new members in the planets' register: during the General Assembly of the International Astronomical Union held in Prague (Czech Republic), it was decided that Pluto is not a planet anymore but a 'dwarf planet'. Whatever its status, Pluto still has a satellite, Charon, whose radius and density have been measured more accurately by observing a rare occultation from different sites, including Cerro Paranal (PR 02/06). The scientific community dedicated 2006 to the great physicist James Clerk Maxwell (it was the 175th anniversary of the birth): without his electromagnetic theory of light, none of the astonishing discoveries of modern physics could have been achieved. Nowadays we can look at distant galaxies in great detail: the GIRAFFE spectrograph on the VLT revealed that galaxies 6 billion years ago had the same amount of dark matter relative to stars than nowadays (PR 10/06), while SINFONI gave an 9. Highlights on the IAEA project QUATRO International Nuclear Information System (INIS) Milano, F. 2012-01-01 The success of radiotherapy in term of prob- ability of local control of the tumor and the limiting factor in treatments in term of probability of complications are strictly depending on the accuracy and precision of the pa- tient treatment. An overall Quality Assurance programme (QAP) has been recognized as an essential tool to assure that the goals of radiotherapy are achieved. As part of a comprehensive approach to QAP an independent external audit is considered a very effective method of checking that the quality of activities in an Institution permits to achieve the required objectives. Since many years the International Atomic Energy Agency (IAEA) has audited Member States for radiotherapy dosimetry, for educating and training radio- therapy professionals and for reviewing the radiotherapy process. Recently a new approach has been developed and named ''Quality Assurance Team for Radiation Oncology (QUATRO)''. The principal aim of QUATRO is to review all the radiotherapy process, including organization, infra- structure, clinical and medical physics aspects of the radio- therapy services. It also includes a review of the hospital's professional competence with a view to quality improve- ment. The aim of this paper is to introduce and to highlight the QUATRO methodology describing its effectiveness on improving either the quality of the radiotherapy treatments and in general the management of the patient. 10. Highlights in emergency medicine medical education research: 2008. Science.gov (United States) Farrell, Susan E; Coates, Wendy C; Khun, Gloria J; Fisher, Jonathan; Shayne, Philip; Lin, Michelle 2009-12-01 The purpose of this article is to highlight medical education research studies published in 2008 that were methodologically superior and whose outcomes were pertinent to teaching and education in emergency medicine. Through a PubMed search of the English language literature in 2008, 30 medical education research studies were independently identified as hypothesis-testing investigations and measurements of educational interventions. Six reviewers independently rated and scored all articles based on eight anchors, four of which related to methodologic criteria. Articles were ranked according to their total rating score. A ranking agreement among the reviewers of 83% was established a priori as a minimum for highlighting articles in this review. Five medical education research studies met the a priori criteria for inclusion and are reviewed and summarized here. Four of these employed experimental or quasi-experimental methodology. Although technology was not a component of the structured literature search employed to identify the candidate articles for this review, 14 of the articles identified, including four of the five highlighted articles, employed or studied technology as a focus of the educational research. Overall, 36% of the reviewed studies were supported by funding; three of the highlighted articles were funded studies. This review highlights quality medical education research studies published in 2008, with outcomes of relevance to teaching and education in emergency medicine. It focuses on research methodology, notes current trends in the use of technology for learning in emergency medicine, and suggests future avenues for continued rigorous study in education. 11. Caregiver's satisfaction with a video tutorial for shoulder dystocia management algorithm. Science.gov (United States) Youssef, A; Salsi, G; Ragusa, A; Ghi, T; Pacella, G; Rizzo, N; Pilu, G 2015-01-01 In our questionnaire, a video tutorial illustrating the management of shoulder dystocia was considered by health personnel as a useful complementary training tool. We prepared a 5-min video tutorial on the management of shoulder dystocia, using a simulator that includes maternal pelvic and baby models. We performed a survey among obstetric personnel in order to assess their opinion on the tutorial by inviting them to watch the video tutorial and answer an online questionnaire. Five multiple-choice questions were set, focusing on the video's main objectives: clarity, simplicity and usefulness. Following the collection of answers, global and category-weighted analyses were conducted for each question. Out of 956 invitations sent, 482 (50.4%) answered the survey. More than 90% of all categories found the video tutorial to be clinically relevant and clear. For revising the management of shoulder dystocia most obstetric personnel would use the video tutorial together with traditional textbooks. In conclusion, our video tutorial was considered by health personnel as a useful complementary training tool. 12. A Tutorial on Parallel and Concurrent Programming in Haskell Science.gov (United States) Peyton Jones, Simon; Singh, Satnam This practical tutorial introduces the features available in Haskell for writing parallel and concurrent programs. We first describe how to write semi-explicit parallel programs by using annotations to express opportunities for parallelism and to help control the granularity of parallelism for effective execution on modern operating systems and processors. We then describe the mechanisms provided by Haskell for writing explicitly parallel programs with a focus on the use of software transactional memory to help share information between threads. Finally, we show how nested data parallelism can be used to write deterministically parallel programs which allows programmers to use rich data types in data parallel programs which are automatically transformed into flat data parallel versions for efficient execution on multi-core processors. 13. Tutorial: Parallel Computing of Simulation Models for Risk Analysis. Science.gov (United States) Reilly, Allison C; Staid, Andrea; Gao, Michael; Guikema, Seth D 2016-10-01 Simulation models are widely used in risk analysis to study the effects of uncertainties on outcomes of interest in complex problems. Often, these models are computationally complex and time consuming to run. This latter point may be at odds with time-sensitive evaluations or may limit the number of parameters that are considered. In this article, we give an introductory tutorial focused on parallelizing simulation code to better leverage modern computing hardware, enabling risk analysts to better utilize simulation-based methods for quantifying uncertainty in practice. This article is aimed primarily at risk analysts who use simulation methods but do not yet utilize parallelization to decrease the computational burden of these models. The discussion is focused on conceptual aspects of embarrassingly parallel computer code and software considerations. Two complementary examples are shown using the languages MATLAB and R. A brief discussion of hardware considerations is located in the Appendix. © 2016 Society for Risk Analysis. 14. The Internet, Images and Archaeology: ideas for interactive tutorials Directory of Open Access Journals (Sweden) Pamela Wace 2002-09-01 Full Text Available This article reports on a small-scale study into how the Internet might be used for tutorial teaching in archaeology, which was undertaken by the authors as part of their project work for a Teaching Diploma at Oxford University. A workshop was developed to explore how the Internet and image-rich resources online could be exploited within the curriculum, and in turn what changes might need to be made to that curriculum in order to embed a critical, reflective approach to student learning. The practicalities of using the computer in the classroom were also investigated, in terms of available facilities, staff and student training, and the impact of computers on staff-student dynamics. Condron was also involved in a more extensive study of the use of C&IT (communication and information technologies in small-group teaching across a range of subjects (the ASTER project, to which the Oxford case studies have contributed. 15. Space Telecommunications Radio System (STRS) Architecture. Part 1; Tutorial - Overview Science.gov (United States) Handler, Louis M.; Briones, Janette C.; Mortensen, Dale J.; Reinhart, Richard C. 2012-01-01 Space Telecommunications Radio System (STRS) Architecture Standard provides a NASA standard for software-defined radio. STRS is being demonstrated in the Space Communications and Navigation (SCaN) Testbed formerly known as Communications, Navigation and Networking Configurable Testbed (CoNNeCT). Ground station radios communicating the SCaN testbed are also being written to comply with the STRS architecture. The STRS Architecture Tutorial Overview presents a general introduction to the STRS architecture standard developed at the NASA Glenn Research Center (GRC), addresses frequently asked questions, and clarifies methods of implementing the standard. The STRS architecture should be used as a base for many of NASA s future telecommunications technologies. The presentation will provide a basic understanding of STRS. 16. Natural computing for mechanical systems research: A tutorial overview Science.gov (United States) Worden, Keith; Staszewski, Wieslaw J.; Hensman, James J. 2011-01-01 A great many computational algorithms developed over the past half-century have been motivated or suggested by biological systems or processes, the most well-known being the artificial neural networks. These algorithms are commonly grouped together under the terms soft or natural computing. A property shared by most natural computing algorithms is that they allow exploration of, or learning from, data. This property has proved extremely valuable in the solution of many diverse problems in science and engineering. The current paper is intended as a tutorial overview of the basic theory of some of the most common methods of natural computing as they are applied in the context of mechanical systems research. The application of some of the main algorithms is illustrated using case studies. The paper also attempts to give some indication as to which of the algorithms emerging now from the machine learning community are likely to be important for mechanical systems research in the future. 17. Multi-objective optimization using genetic algorithms: A tutorial International Nuclear Information System (INIS) Konak, Abdullah; Coit, David W.; Smith, Alice E. 2006-01-01 Multi-objective formulations are realistic models for many complex engineering optimization problems. In many real-life problems, objectives under consideration conflict with each other, and optimizing a particular solution with respect to a single objective can result in unacceptable results with respect to the other objectives. A reasonable solution to a multi-objective problem is to investigate a set of solutions, each of which satisfies the objectives at an acceptable level without being dominated by any other solution. In this paper, an overview and tutorial is presented describing genetic algorithms (GA) developed specifically for problems with multiple objectives. They differ primarily from traditional GA by using specialized fitness functions and introducing methods to promote solution diversity 18. Oracle support provides a range of new tutorials CERN Multimedia 2013-01-01 CERN IT-DB Group is pleased to announce a new series of Oracle tutorials, with the proposed schedule: Tuesday 23 April Introduction to Oracle & Tools (30-7-018 - Kjell Johnsen Auditorium) Tuesday 30 April Database Design & Security (30-7-018 - Kjell Johnsen Auditorium) Wednesday 8 May SQL (40-S2-C01 - Salle Curie) Tuesday 21 May PL/SQL (30-7-018 - Kjell Johnsen Auditorium) Monday 27 May Troubleshooting Performance (40-S2-C01 - Salle Curie) Wednesday 5 June Troubleshooting Performance - Case Studies (40-S2-C01 - Salle Curie) There is no need to register in advance. For more information, see the Indico agenda. 19. Tutorial on Using Regression Models with Count Outcomes Using R Directory of Open Access Journals (Sweden) A. Alexander Beaujean 2016-02-01 Full Text Available Education researchers often study count variables, such as times a student reached a goal, discipline referrals, and absences. Most researchers that study these variables use typical regression methods (i.e., ordinary least-squares either with or without transforming the count variables. In either case, using typical regression for count data can produce parameter estimates that are biased, thus diminishing any inferences made from such data. As count-variable regression models are seldom taught in training programs, we present a tutorial to help educational researchers use such methods in their own research. We demonstrate analyzing and interpreting count data using Poisson, negative binomial, zero-inflated Poisson, and zero-inflated negative binomial regression models. The count regression methods are introduced through an example using the number of times students skipped class. The data for this example are freely available and the R syntax used run the example analyses are included in the Appendix. 20. Success of the Tutorial Program in Biochemistry at The Federal University of Vi Directory of Open Access Journals (Sweden) M.C. Baracat-Pereira 2004-05-01 Full Text Available Institutionalized at UFV in 2001, the Tutorial Program in Biochemistry aims to reduce the une-venness of basic prior knowledge among the students enrolled in regular Biochemistry courses. Thework methodology has been periodically evaluated and rened in order to overcome identied pro-blems. Thus, the objective of this study was to evaluate the Tutorial Program based on the stu-dentsachievement, to show implemented modications and proposed alternatives to adjust methodo-logies. The student-nal-grades were obtained from UFV les. Questionnaires were applied to thePrograms students at the end of each semester. Suggestions and criticism from tutors and coordinatingprofessors were discussed at weekly meetings. Along six semesters (2001-2003, a leveling o of thetutorial students was observed with the attending students (S, minimum of 75% attendance, averagegrade 71.3 that got grades close to the average of no-tutorial students (average grade 71.5. For thetutorial students with attendance below the required minimum (N, the average grade was 58.8. Thefailure rate for grade S students (7.4% was lower then that for no-tutorial students (9.9% and forgrade N students (27.9%. Based on the lled out questionnaire from tutorial students, we observeas follows: 96.7% stated that it is eective to participate in the Program and 79.9% modied theirstudy approach. Among the modications implemented in the Program, are as folows: 1 Increase inthe number of tutorial groups (from 4 to 6; 2 Reduction in the number of volunteer-students, givingpriority to students with decient prior knowledge in pre-requisite-disciplines; and 3 Time reductionof tutorial sessions (from 3 to 2h weekly, with smaller groups and exercise classes. Thus, the observedmotivation, the leveling o and the lower failure rate of the S grade tutorial students indicated that theTutorial Program at UFV is improving and reaching its objectives. 1. Partial Least Squares tutorial for analyzing neuroimaging data Directory of Open Access Journals (Sweden) Patricia Van Roon 2014-09-01 Full Text Available Partial least squares (PLS has become a respected and meaningful soft modeling analysis technique that can be applied to very large datasets where the number of factors or variables is greater than the number of observations. Current biometric studies (e.g., eye movements, EKG, body movements, EEG are often of this nature. PLS eliminates the multiple linear regression issues of over-fitting data by finding a few underlying or latent variables (factors that account for most of the variation in the data. In real-world applications, where linear models do not always apply, PLS can model the non-linear relationship well. This tutorial introduces two PLS methods, PLS Correlation (PLSC and PLS Regression (PLSR and their applications in data analysis which are illustrated with neuroimaging examples. Both methods provide straightforward and comprehensible techniques for determining and modeling relationships between two multivariate data blocks by finding latent variables that best describes the relationships. In the examples, the PLSC will analyze the relationship between neuroimaging data such as Event-Related Potential (ERP amplitude averages from different locations on the scalp with their corresponding behavioural data. Using the same data, the PLSR will be used to model the relationship between neuroimaging and behavioural data. This model will be able to predict future behaviour solely from available neuroimaging data. To find latent variables, Singular Value Decomposition (SVD for PLSC and Non-linear Iterative PArtial Least Squares (NIPALS for PLSR are implemented in this tutorial. SVD decomposes the large data block into three manageable matrices containing a diagonal set of singular values, as well as left and right singular vectors. For PLSR, NIPALS algorithms are used because it provides amore precise estimation of the latent variables. Mathematica notebooks are provided for each PLS method with clearly labeled sections and subsections. The 2. Targeted maximum likelihood estimation for a binary treatment: A tutorial. Science.gov (United States) Luque-Fernandez, Miguel Angel; Schomaker, Michael; Rachet, Bernard; Schnitzer, Mireille E 2018-04-23 When estimating the average effect of a binary treatment (or exposure) on an outcome, methods that incorporate propensity scores, the G-formula, or targeted maximum likelihood estimation (TMLE) are preferred over naïve regression approaches, which are biased under misspecification of a parametric outcome model. In contrast propensity score methods require the correct specification of an exposure model. Double-robust methods only require correct specification of either the outcome or the exposure model. Targeted maximum likelihood estimation is a semiparametric double-robust method that improves the chances of correct model specification by allowing for flexible estimation using (nonparametric) machine-learning methods. It therefore requires weaker assumptions than its competitors. We provide a step-by-step guided implementation of TMLE and illustrate it in a realistic scenario based on cancer epidemiology where assumptions about correct model specification and positivity (ie, when a study participant had 0 probability of receiving the treatment) are nearly violated. This article provides a concise and reproducible educational introduction to TMLE for a binary outcome and exposure. The reader should gain sufficient understanding of TMLE from this introductory tutorial to be able to apply the method in practice. Extensive R-code is provided in easy-to-read boxes throughout the article for replicability. Stata users will find a testing implementation of TMLE and additional material in the Appendix S1 and at the following GitHub repository: https://github.com/migariane/SIM-TMLE-tutorial. © 2018 The Authors. Statistics in Medicine published by John Wiley & Sons Ltd. 3. Student-Led Objective Tutorial (SLOT) in Medical Education. Science.gov (United States) Sivagnanam, Gurusamy; Saraswathi, Simansalam; Rajasekaran, Aiyalu 2006-12-01 Purpose - To assess an innovative tutoring program named 'Student-Led Objective Tutorial' (SLOT) among undergraduate medical students. Method - The program was conceptualized by the Pharmacology Unit of Faculty of Medicine and Health Sciences, Asian Institute of Medicine Science & Technology (AIMST), Malaysia and implemented in the middle of 2005. A cohort of 246 medical undergraduate students (spread across 5 consecutive batches) participated. Following a brief explanation on the purpose and nature of SLOT, each batch was divided into small groups and was given a reading assignment on 4 previously delivered lecture topics. Each group was asked to prepare 3-5 multiple choice questions (MCQs) of their own in PowerPoint format to be presented, in turns, to the whole class on the day of SLOT. The proceedings were facilitated by 2 lecturers. Student feedback on the efficacy and benefits were assessed through an anonymous self administered questionnaire. Results - About 76% (188) of the students favored SLOT. The acceptance rate of SLOT was higher among males. There was no significant difference between batches in their opinions on whether to pursue SLOT in future. The most prevalent positive comment was that SLOT enhanced learning skills, and the negative comment being, it consumed more time. Conclusions - SLOT is a novel tutorial method which can offset faculty shortage with advantages like enhanced interest among teachers and learners, uniform reach of content, opportunities for group learning, and involvement of visual aids as teaching-learning (T-L) method. SLOT unraveled the students' potential of peer tutoring both inside as well as outside the classroom. Consumer tutors (students) can be tapped as a resource for SLOT for all subjects and courses in healthcare teaching. 4. Online interactive tutorials for creating graphs with excel 2007 or 2010. Science.gov (United States) Vanselow, Nicholas R; Bourret, Jason C 2012-01-01 Graphic display of clinical data is a useful tool for the behavior-analytic clinician. However, graphs can sometimes be difficult to create. We describe how to access and use an online interactive tutorial that teaches the user to create a variety of graphs often used by behavior analysts. Three tutorials are provided that cover the basics of Microsoft Excel 2007 or 2010, creating graphs for clinical purposes, and creating graphs for research purposes. The uses for this interactive tutorial and other similar programs are discussed. 5. Evaluating the role of web-based tutorials in educational practice DEFF Research Database (Denmark) Moring, Camilla; Schreiber, Trine The paper describes and discusses a two step analysis for evaluating web based information literacy tutorials in educational practice. In a recent evaluation project the authors used the analysis to examine three web based tutorials developed by three different academic libraries in Norway. Firstly...... of the analysis focuses on user reception and meaning negotiation. In combination the two different analyses strengthen the evaluation of how web-tutorials as communicative acts become meaningful to users, and how this meaning is negotiated in relation to an educational practice. This approach can be recommended... 6. You Tube Video Genres. Amateur how-to Videos Versus Professional Tutorials Directory of Open Access Journals (Sweden) Andreea Mogoș 2015-12-01 Full Text Available In spite of the fact that there is a vast literature on traditional textual and visual genre classifications, the categorization of web content is still a difficult task, because this medium is fluid, unstable and fast-paced on one hand and, on the other hand, the genre classifications are socially constructed through the tagging process and the interactions (commenting, rating, chatting. This paper focuses on YouTube tutorials and aims to compare video tutorials produced by professionals with amateur video tutorials. 7. Tutorial: Junction spectroscopy techniques and deep-level defects in semiconductors Science.gov (United States) Peaker, A. R.; Markevich, V. P.; Coutinho, J. 2018-04-01 The term junction spectroscopy embraces a wide range of techniques used to explore the properties of semiconductor materials and semiconductor devices. In this tutorial review, we describe the most widely used junction spectroscopy approaches for characterizing deep-level defects in semiconductors and present some of the early work on which the principles of today's methodology are based. We outline ab-initio calculations of defect properties and give examples of how density functional theory in conjunction with formation energy and marker methods can be used to guide the interpretation of experimental results. We review recombination, generation, and trapping of charge carriers associated with defects. We consider thermally driven emission and capture and describe the techniques of Deep Level Transient Spectroscopy (DLTS), high resolution Laplace DLTS, admittance spectroscopy, and scanning DLTS. For the study of minority carrier related processes and wide gap materials, we consider Minority Carrier Transient Spectroscopy (MCTS), Optical DLTS, and deep level optical transient spectroscopy together with some of their many variants. Capacitance, current, and conductance measurements enable carrier exchange processes associated with the defects to be detected. We explain how these methods are used in order to understand the behaviour of point defects and the determination of charge states and negative-U (Hubbard correlation energy) behaviour. We provide, or reference, examples from a wide range of materials including Si, SiGe, GaAs, GaP, GaN, InGaN, InAlN, and ZnO. 8. On the Multilevel Nature of Meta-Analysis: A Tutorial, Comparison of Software Programs, and Discussion of Analytic Choices. Science.gov (United States) Pastor, Dena A; Lazowski, Rory A 2018-01-01 The term "multilevel meta-analysis" is encountered not only in applied research studies, but in multilevel resources comparing traditional meta-analysis to multilevel meta-analysis. In this tutorial, we argue that the term "multilevel meta-analysis" is redundant since all meta-analysis can be formulated as a special kind of multilevel model. To clarify the multilevel nature of meta-analysis the four standard meta-analytic models are presented using multilevel equations and fit to an example data set using four software programs: two specific to meta-analysis (metafor in R and SPSS macros) and two specific to multilevel modeling (PROC MIXED in SAS and HLM). The same parameter estimates are obtained across programs underscoring that all meta-analyses are multilevel in nature. Despite the equivalent results, not all software programs are alike and differences are noted in the output provided and estimators available. This tutorial also recasts distinctions made in the literature between traditional and multilevel meta-analysis as differences between meta-analytic choices, not between meta-analytic models, and provides guidance to inform choices in estimators, significance tests, moderator analyses, and modeling sequence. The extent to which the software programs allow flexibility with respect to these decisions is noted, with metafor emerging as the most favorable program reviewed. 9. The Implementation of Blended Learning Using Android-Based Tutorial Video in Computer Programming Course II Science.gov (United States) Huda, C.; Hudha, M. N.; Ain, N.; Nandiyanto, A. B. D.; Abdullah, A. G.; Widiaty, I. 2018-01-01 Computer programming course is theoretical. Sufficient practice is necessary to facilitate conceptual understanding and encouraging creativity in designing computer programs/animation. The development of tutorial video in an Android-based blended learning is needed for students’ guide. Using Android-based instructional material, students can independently learn anywhere and anytime. The tutorial video can facilitate students’ understanding about concepts, materials, and procedures of programming/animation making in detail. This study employed a Research and Development method adapting Thiagarajan’s 4D model. The developed Android-based instructional material and tutorial video were validated by experts in instructional media and experts in physics education. The expert validation results showed that the Android-based material was comprehensive and very feasible. The tutorial video was deemed feasible as it received average score of 92.9%. It was also revealed that students’ conceptual understanding, skills, and creativity in designing computer program/animation improved significantly. 10. An Audit of the Effectiveness of Large Group Neurology Tutorials for Irish Undergraduate Medical Students LENUS (Irish Health Repository) Kearney, H 2016-07-01 The aim of this audit was to determine the effectiveness of large group tutorials for teaching neurology to medical students. Students were asked to complete a questionnaire rating their confidence on a ten point Likert scale in a number of domains in the undergraduate education guidelines from the Association of British Neurologists (ABN). We then arranged a series of interactive large group tutorials for the class and repeated the questionnaire one month after teaching. In the three core domains of neurological: history taking, examination and differential diagnosis, none of the students rated their confidence as nine or ten out of ten prior to teaching. This increased to 6% for history taking, 12 % in examination and 25% for differential diagnosis after eight weeks of tutorials. This audit demonstrates that in our centre, large group tutorials were an effective means of teaching, as measured by the ABN guidelines in undergraduate neurology. 11. You Tube Video Genres. Amateur how-to Videos Versus Professional Tutorials OpenAIRE Andreea Mogoș; Constantin Trofin 2015-01-01 In spite of the fact that there is a vast literature on traditional textual and visual genre classifications, the categorization of web content is still a difficult task, because this medium is fluid, unstable and fast-paced on one hand and, on the other hand, the genre classifications are socially constructed through the tagging process and the interactions (commenting, rating, chatting). This paper focuses on YouTube tutorials and aims to compare video tutorials produced by professionals wi... 12. Development and Evaluation of Internet-Based Hypermedia Chemistry Tutorials Science.gov (United States) Tissue, Brian M.; Earp, Ronald L.; Yip, Ching-Wan; Anderson, Mark R. 1996-05-01 This progress report describes the development and student use of World-Wide-Web-based prelaboratory exercises in senior-level Instrumental Analysis during the 1995 Fall semester. The laboratory preparation exercises contained hypermedia tutorials and multiple-choice questions that were intended to familiarize the students with the experiments and instrumentation before their laboratory session. The overall goal of our work is to explore ways in which computer and network technology can be applied in education to improve the cost-effectiveness and efficacy of teaching. The course material can be accessed at http://www.chem.vt.edu/chem-ed/4114/Fall1995.html. The students were instructed to read their experimental procedure and to do the relevant laboratory preparation exercise. The individual tutorial documents were primarily text that provided basic theoretical and experimental descriptions of analytical and instrumental methods. The documents included hyperlinks to basic concepts, simple schematics, and color graphics of experimental set-ups or instrumentation. We chose the World-Wide Web (WWW) as the delivery platform for this project because of the ease of developing, distributing, and modifying hypermedia material in a client-server system. The disadvantage of the WWW is that network bandwidth limits the size and sophistication of the hypermedia material. To minimize internet transfer time, the individual documents were kept short and usually contained no more than 3 or 4 inline images. After reading the tutorial the students answered several multiple-choice questions. The figure shows one example of a multiple-choice question and the response page. Clicking on the "Submit answer" button calls a *.cgi file, which contains instructions in the PERL interpretive language, that generates the response page and saves the date, time, and student's answer to a file on the server. Usage and student perception of the on-line material was evaluated from server logs and 13. A Pilot Evaluation of a Tutorial to Teach Clients and Clinicians About Gambling Game Design. Science.gov (United States) Turner, Nigel E; Robinson, Janine; Harrigan, Kevin; Ferentzy, Peter; Jindani, Farah 2018-01-01 This paper describes the pilot evaluation of an Internet-based intervention, designed to teach counselors and problem gamblers about how electronic gambling machines (EGMs) work. This study evaluated the tutorial using assessment tools, such as rating scales and test of knowledge about EGMs and random chance. The study results are based on a number of samples, including problem gambling counselors ( n = 25) and problem gamblers ( n = 26). The interactive tutorial was positively rated by both clients and counselors. In addition, we found a significant improvement in scores on a content test about EGM games for both clients and counselors. An analysis of the specific items suggests that the effects of the tutorial were mainly on those items that were most directly related to the content of the tutorial and did not always generalize to other items. This tutorial is available for use with clients and for education counselors. The data also suggest that the tutorial is equally effective in group settings and in individual settings. These results are promising and illustrate that the tool can be used to teach counselors and clients about game design. Furthermore, research is needed to evaluate its impact on gambling behavior. 14. Design and Assessment of Online, Interactive Tutorials That Teach Science Process Skills. Science.gov (United States) Kramer, Maxwell; Olson, Dalay; Walker, J D 2018-06-01 Explicit emphasis on teaching science process skills leads to both gains in the skills themselves and, strikingly, deeper understanding of content. Here, we created and tested a series of online, interactive tutorials with the goal of helping undergraduate students develop science process skills. We designed the tutorials in accordance with evidence-based multimedia design principles and student feedback from usability testing. We then tested the efficacy of the tutorials in an introductory undergraduate biology class. On the basis of a multivariate ordinary least-squares regression model, students who received the tutorials are predicted to score 0.82 points higher on a 15-point science process skill assessment than their peers who received traditional textbook instruction on the same topic. This moderate but significant impact indicates that well-designed online tutorials can be more effective than traditional ways of teaching science process skills to undergraduate students. We also found trends that suggest the tutorials are especially effective for nonnative English-speaking students. However, due to a limited sample size, we were unable to confirm that these trends occurred due to more than just variation in the student group sampled. 15. IMPLEMENTASI MODEL TUTORIAL BERBASIS KOMPUTER FISIOLOGI HEWAN UNTUK MEMBEKALI KEMAMPUAN REKONSTRUKSI KONSEP MAHASISWA CALON GURU BIOLOGI Directory of Open Access Journals (Sweden) Adeng Slamet 2015-03-01 Full Text Available Penelitian ini bertujuan untuk membandingkan model perkuliahan fisiologi hewan yang diharapkan mampu membekali kemampuan rekonstruksi konsep bagi mahasiswa calon guru biologi. Strategi perkuliahan ditempuh melalui implementasi model tutorial berbasis komputer. Sebanyak 80 orang mahasiswa S1 calon guru biologi dibagi ke dalam dua kelompok, 41 mahasiswa mengikuti perkuliahan model tutorial komputer, dan 39 mahasiswa mengikuti perkuliahan konvensional. Kemampuan rekonstruksi konsep diukur dengan membandingkan skor sebelum pembelajaran (pretes dengan setelah implementasi model (postes di antara kedua kelompok belajar. Selain itu, untuk mengungkap pandangan mahasiswa mengenai pengalaman belajarnya, seperangkat angket disebarkan kepada mahasiswa yang mengikuti model perkuliahan. Efektivitas program perkuliahan dievaluasi dengan tes tertulis bentuk respon terbatas pada mahasiswa yang mengikuti program perkuliahan model tutorial komputer dibandingkan dengan mahasiswa dari kelompok konvensional. Hasil penelitian menunjukkan secara keseluruhan terjadi peningkatan kemampuan rekonstruksi konsep pada kedua kelompok belajar, namun mahasiswa yang mengikuti perkuliahan model tutorial berbasis komputer menunjukkan peningkatan yang lebih tinggi dibandingkan kelompok mahasiswa peserta perkuliahan konvensional. Mahasiswa menanggapi positif implementasi model tutorial berbasis komputer dalam perkuliahan fisiologi hewan. Dapat disimpulkan bahwa penerapan model tutorial berbasis komputer pada penelitian ini dinyatakan lebih efektif dan mampu membekali mahasiwa calon guru biologi dalam meningkatkan kemampuan rekonstruksi konsep. 16. Online Pedagogical Tutorial Tactics Optimization Using Genetic-Based Reinforcement Learning. Science.gov (United States) Lin, Hsuan-Ta; Lee, Po-Ming; Hsiao, Tzu-Chien 2015-01-01 Tutorial tactics are policies for an Intelligent Tutoring System (ITS) to decide the next action when there are multiple actions available. Recent research has demonstrated that when the learning contents were controlled so as to be the same, different tutorial tactics would make difference in students' learning gains. However, the Reinforcement Learning (RL) techniques that were used in previous studies to induce tutorial tactics are insufficient when encountering large problems and hence were used in offline manners. Therefore, we introduced a Genetic-Based Reinforcement Learning (GBML) approach to induce tutorial tactics in an online-learning manner without basing on any preexisting dataset. The introduced method can learn a set of rules from the environment in a manner similar to RL. It includes a genetic-based optimizer for rule discovery task by generating new rules from the old ones. This increases the scalability of a RL learner for larger problems. The results support our hypothesis about the capability of the GBML method to induce tutorial tactics. This suggests that the GBML method should be favorable in developing real-world ITS applications in the domain of tutorial tactics induction. 17. Biology and Nursing Students’ Perceptions of a Web-based Information Literacy Tutorial Directory of Open Access Journals (Sweden) Sharon Weiner 2012-04-01 Full Text Available This study assessed student perceptions about an online information literacy tutorial, CORE (Comprehensive Online Research Education, to plan for the next generation of tutorials. The CORE tutorial includes seven modules: “Planning Your Project,” “Topic Exploration,” “Types of Information,” “Search Tools,” “Search Strategies,” “Evaluating Sources,” and “Copyright, Plagiarism, and Citing Sources.” First-year students in biology and nursing courses responded to a survey after they completed the CORE modules. The students liked learning through an online tutorial. They thought that the tutorial could be improved with shorter modules and the addition of video and audio content. Few students reported learning important information from the “Copyright, Plagiarism, and Citing Sources,” “Evaluating Resources,” and “Types of Information” modules. They suggested topics for additional tutorials: how to use library databases and Microsoft Excel; how to evaluate the quality of information, how to cite references in a bibliography, and how to find statistics. 18. Usage Volume and Trends Indicate Academic Library Online Learning Objects and Tutorials Are Being Used Directory of Open Access Journals (Sweden) Ruby Muriel Lavallee Warren 2017-03-01 Full Text Available A Review of: Hess, A. N., & Hristova, M. (2016. To search or to browse: How users navigate a new interface for online library tutorials. College & Undergraduate Libraries, 23(2, 168-183. http://dx.doi.org/10.1080/10691316.2014.963274 Objective – To discover how users interact with a new online interface for learning objects, user preferences for types of access when given both browsing and searching options, and user needs for tutorial subject matter. Design – Mixed methods, with quantitative analysis of web traffic and qualitative analysis of recorded search terms through grounded textual theory. Setting – An academic library in the Western United States of America. Subjects – Users of the Libraries’ online tutorials and learning objects. Methods – The researchers collected web traffic statistics and organically occurring searches from the Libraries’ tutorial access interface. They defined the collection period as the 2013/2014 academic year, with collection beginning in September 2013 and ending in April 2014. Web traffic for organic searches, facilitated searches (search results accessed through clicking on particular words in a tag cloud, and categorical browsing was collected via Google Analytics. They categorized other interaction types (accessing featured content, leaving the page, etc. under an umbrella term of “other.” Their analysis of web traffic was limited to unique page views, with unique page views defined as views registered to different browser sessions. Unique page views were analyzed to determine which types of interface interaction occurred most frequently, both on-campus and off-campus, and whether there were differences in types of interaction preferred over time or by users with different points of origin. Individual organic search keywords and phrases, and the dates and times of those searches, were separately collected and recorded. One of the researchers coded the recorded organic search terms using 19. The equatorial E-region and its plasma instabilities: a tutorial Directory of Open Access Journals (Sweden) D. T. Farley 2009-04-01 Full Text Available In this short tutorial we first briefly review the basic physics of the E-region of the equatorial ionosphere, with emphasis on the strong electrojet current system that drives plasma instabilities and generates strong plasma waves that are easily detected by radars and rocket probes. We then discuss the instabilities themselves, both the theory and some examples of the observational data. These instabilities have now been studied for about half a century (!, beginning with the IGY, particularly at the Jicamarca Radio Observatory in Peru. The linear fluid theory of the important processes is now well understood, but there are still questions about some kinetic effects, not to mention the considerable amount of work to be done before we have a full quantitative understanding of the limiting nonlinear processes that determine the details of what we actually observe. As our observational techniques, especially the radar techniques, improve, we find some answers, but also more and more questions. One difficulty with studying natural phenomena, such as these instabilities, is that we cannot perform active cause-and-effect experiments; we are limited to the inputs and responses that nature provides. The one hope here is the steadily growing capability of numerical plasma simulations. If we can accurately simulate the relevant plasma physics, we can control the inputs and measure the responses in great detail. Unfortunately, the problem is inherently three-dimensional, and we still need somewhat more computer power than is currently available, although we have come a long way. 20. Simplified models of the symmetric single-pass parallel-plate counterflow heat exchanger: a tutorial Science.gov (United States) Pickard, William F.; Abraham-Shrauner, Barbara 2018-03-01 The heat exchanger is important in practical thermal processes, especially those of (i) the molten-salt storage schemes, (ii) compressed air energy storage schemes and (iii) other load-shifting thermal storage presumed to undergird a Smart Grid. Such devices, although central to the utilization of energy from sustainable (but intermittent) renewable sources, will be unfamiliar to many scientists, who nevertheless need a working knowledge of them. This tutorial paper provides a largely self-contained conceptual introduction for such persons. It begins by modelling a novel quantized exchanger,1 impractical as a device, but useful for comprehending the underlying thermophysics. It then reviews the one-dimensional steady-state idealization which demonstrates that effectiveness of heat transfer increases monotonically with (device length)/(device throughput). Next, it presents a two-dimensional steady-state idealization for plug flow and from it derives a novel formula for effectiveness of transfer; this formula is then shown to agree well with a finite-difference time-domain solution of the two-dimensional idealization under Hagen-Poiseuille flow. These results are consistent with a conclusion that effectiveness of heat exchange can approach unity, but may involve unwelcome trade-offs among device cost, size and throughput. 1. Tutorial on health economics and outcomes research in nutrition. Science.gov (United States) Philipson, Tomas; Linthicum, Mark T; Snider, Julia Thornton 2014-11-01 As healthcare costs climb around the world, public and private payers alike are demanding evidence of a treatment's value to support approval and reimbursement decisions. Health economics and outcomes research, or HEOR, offers tools to answer questions about a treatment's value, as well as its real-world effects and cost-effectiveness. Given that nutrition interventions have to compete for space in budgets along with biopharmaceutical products and devices, nutrition is now increasingly coming to be evaluated through HEOR. This tutorial introduces the discipline of HEOR and motivates its relevance for nutrition. We first define HEOR and explain its role and relevance in relation to randomized controlled trials. Common HEOR study types--including burden of illness, effectiveness studies, cost-effectiveness analysis, and valuation studies--are presented, with applications to nutrition. Tips for critically reading HEOR studies are provided, along with suggestions on how to use HEOR to improve patient care. Directions for future research are discussed. © 2014 Abbott Nutrition. 2. Microsimulation Modeling for Health Decision Sciences Using R: A Tutorial. Science.gov (United States) Krijkamp, Eline M; Alarid-Escudero, Fernando; Enns, Eva A; Jalal, Hawre J; Hunink, M G Myriam; Pechlivanoglou, Petros 2018-04-01 Microsimulation models are becoming increasingly common in the field of decision modeling for health. Because microsimulation models are computationally more demanding than traditional Markov cohort models, the use of computer programming languages in their development has become more common. R is a programming language that has gained recognition within the field of decision modeling. It has the capacity to perform microsimulation models more efficiently than software commonly used for decision modeling, incorporate statistical analyses within decision models, and produce more transparent models and reproducible results. However, no clear guidance for the implementation of microsimulation models in R exists. In this tutorial, we provide a step-by-step guide to build microsimulation models in R and illustrate the use of this guide on a simple, but transferable, hypothetical decision problem. We guide the reader through the necessary steps and provide generic R code that is flexible and can be adapted for other models. We also show how this code can be extended to address more complex model structures and provide an efficient microsimulation approach that relies on vectorization solutions. 3. Diseño de un sistema tutorial inteligente Directory of Open Access Journals (Sweden) Rosa María Rodríguez Aguilar 2013-04-01 Full Text Available Los problemas de aprendizaje en la matemática a nivel licenciatura se reflejan en el bajo rendimiento escolar o, en el peor de los casos, en el truncamiento de una carrera, por no acreditar asignaturas relacionadas con ésta. Un alto porcentaje de alumnos no cumplen con los requerimientos mínimos en su aprendizaje y, conforme aumentan su complejidad, ocurre su rezago e incremento del índice de reprobación, lo que ocasiona en el alumnado angustia y frustración. La investigación se desarrolla en la Unidad Académica Profesional Nezahualcóyotl (UAP-Nezahualcóyotl de la Universidad Autónoma del Estado de México (UAEM, con el objetivo de identificar los problemas en el aprendizaje de la matemática en los alumnos de nivel licenciatura y obtener, así, el modelo del sistema tutorial inteligente en matemáticas con la implementación de los diferentes estilos de aprendizaje. 4. Using an Electronic Highlighter to Eliminate the Negative Effects of Pre-Existing, Inappropriate Highlighting Science.gov (United States) Gier, Vicki; Kreiner, David; Hudnell, Jason; Montoya, Jodi; Herring, Daniel 2011-01-01 The purpose of the present experiment was to determine whether using an active learning technique, electronic highlighting, can eliminate the negative effects of pre-existing, poor highlighting on reading comprehension. Participants read passages containing no highlighting, appropriate highlighting, or inappropriate highlighting. We hypothesized… 5. Effectiveness of interactive tutorials in promoting "which-path" information reasoning in advanced quantum mechanics Science.gov (United States) Maries, Alexandru; Sayer, Ryan; Singh, Chandralekha 2017-12-01 Research suggests that introductory physics students often have difficulty using a concept in contexts different from the ones in which they learned it without explicit guidance to help them make the connection between the different contexts. We have been investigating advanced students' learning of quantum mechanics concepts and have developed interactive tutorials which strive to help students learn these concepts. Two such tutorials, focused on the Mach-Zehnder interferometer (MZI) and the double-slit experiment (DSE), help students learn how to use the concept of "which-path" information to reason about the presence or absence of interference in these two experiments in different situations. After working on a pretest that asked students to predict interference in the MZI with single photons and polarizers of various orientations placed in one or both paths of the MZI, students worked on the MZI tutorial which, among other things, guided them to reason in terms of which-path information in order to predict interference in similar situations. We investigated the extent to which students were able to use reasoning related to which-path information learned in the MZI tutorial to answer analogous questions on the DSE (before working on the DSE tutorial). After students worked on the DSE pretest they worked on a DSE tutorial in which they learned to use the concept of which-path information to answer questions about interference in the DSE with single particles with mass sent through the two slits and a monochromatic lamp placed between the slits and the screen. We investigated if this additional exposure to the concept of which-path information promoted improved learning and performance on the DSE questions with single photons and polarizers placed after one or both slits. We find evidence that both tutorials promoted which-path information reasoning and helped students use this reasoning appropriately in contexts different from the ones in which they had learned 6. The impact of maths support tutorials on mathematics confidence and academic performance in a cohort of HE Animal Science students. Science.gov (United States) van Veggel, Nieky; Amory, Jonathan 2014-01-01 Students embarking on a bioscience degree course, such as Animal Science, often do not have sufficient experience in mathematics. However, mathematics forms an essential and integral part of any bioscience degree and is essential to enhance employability. This paper presents the findings of a project looking at the effect of mathematics tutorials on a cohort of first year animal science and management students. The results of a questionnaire, focus group discussions and academic performance analysis indicate that small group tutorials enhance students' confidence in maths and improve students' academic performance. Furthermore, student feedback on the tutorial programme provides a deeper insight into student experiences and the value students assign to the tutorials. 7. Editorial highlighting and highly cited papers Science.gov (United States) Antonoyiannakis, Manolis Editorial highlighting-the process whereby journal editors select, at the time of publication, a small subset of papers that are ostensibly of higher quality, importance or interest-is by now a widespread practice among major scientific journal publishers. Depending on the venue, and the extent to which editorial resources are invested in the process, highlighted papers appear as News & Views, Research Highlights, Perspectives, Editors' Choice, IOP Select, Editors' Summary, Spotlight on Optics, Editors' Picks, Viewpoints, Synopses, Editors' Suggestions, etc. Here, we look at the relation between highlighted papers and highly influential papers, which we define at two levels: having received enough citations to be among the (i) top few percent of their journal, and (ii) top 1% of all physics papers. Using multiple linear regression and multilevel regression modeling we examine the parameters associated with highly influential papers. We briefly comment on cause and effect relationships between citedness and highlighting of papers. 8. Rational strategy for characterization of nanoscale particles by asymmetric-flow field flow fractionation: A tutorial International Nuclear Information System (INIS) Gigault, Julien; Pettibone, John M.; Schmitt, Charlène; Hackley, Vincent A. 2014-01-01 Graphical abstract: -- Highlights: •Underlying theory and critical parameters are introduced. •A rational workflow is proposed to optimize and refine A4F methods. •Specific optimization steps and validation parameters are delineated. •Pedagogical examples are provided to demonstrate the process. •Use and relevance of different detection modalities is addressed. -- Abstract: This tutorial proposes a comprehensive and rational measurement strategy that provides specific guidance for the application of asymmetric-flow field flow fractionation (A4F) to the size-dependent separation and characterization of nanoscale particles (NPs) dispersed in aqueous media. A range of fractionation conditions are considered, and challenging applications, including industrially relevant materials (e.g., metal NPs, asymmetric NPs), are utilized in order to validate and illustrate this approach. We demonstrate that optimization is material dependent and that polystyrene NPs, widely used as a reference standard for retention calibration in A4F, in fact represent a class of materials with unique selectivity, recovery and optimal conditions for fractionation; thus use of these standards to calibrate retention for other materials must be validated a posteriori. We discuss the use and relevance of different detection modalities that can potentially yield multi-dimensional and complementary information on NP systems. We illustrate the fractionation of atomically precise nanoclusters, which are the lower limit of the nanoscale regime. Conversely, we address the upper size limit for normal mode elution in A4F. The protocol for A4F fractionation, including the methods described in the present work is proposed as a standardized strategy to realize interlaboratory comparability and to facilitate the selection and validation of material-specific measurement parameters and conditions. It is intended for both novice and advanced users of this measurement technology 9. Rule Systems for Runtime Verification: A Short Tutorial Science.gov (United States) Barringer, Howard; Havelund, Klaus; Rydeheard, David; Groce, Alex In this tutorial, we introduce two rule-based systems for on and off-line trace analysis, RuleR and LogScope. RuleR is a conditional rule-based system, which has a simple and easily implemented algorithm for effective runtime verification, and into which one can compile a wide range of temporal logics and other specification formalisms used for runtime verification. Specifications can be parameterized with data, or even with specifications, allowing for temporal logic combinators to be defined. We outline a number of simple syntactic extensions of core RuleR that can lead to further conciseness of specification but still enabling easy and efficient implementation. RuleR is implemented in Java and we will demonstrate its ease of use in monitoring Java programs. LogScope is a derivation of RuleR adding a simple very user-friendly temporal logic. It was developed in Python, specifically for supporting testing of spacecraft flight software for NASA’s next 2011 Mars mission MSL (Mars Science Laboratory). The system has been applied by test engineers to analysis of log files generated by running the flight software. Detailed logging is already part of the system design approach, and hence there is no added instrumentation overhead caused by this approach. While post-mortem log analysis prevents the autonomous reaction to problems possible with traditional runtime verification, it provides a powerful tool for test automation. A new system is being developed that integrates features from both RuleR and LogScope. 10. Tutorial Continuing Education: Innovative Strategy in a Tertiary Specialized Health Unit Directory of Open Access Journals (Sweden) Flaviana Maciel 2017-06-01 Full Text Available Hospital Pelopidas Silveira-IMIP/SES/SUS is a tertiary-unit, specialized in cardiology, neurology, neurosurgery and interventional radiology. It is the only hospital of Brazilian Public-Health-System (SUS with this profile and a 24h-acute-cardio/neurovascular facility. Challenges of Continuing-Education include a guaranteeing appropriate level of basic knowledge, b empowering clinical staff to remain up to date in current knowledge. HPS Continuing-Education Program is based on three branches: a Classroom-Tutorials (CT, b Online-Tutorials at "Pelopidas Digital" Virtual-Teaching-Platform (PD-VTP and c Daily-Practice Evaluation (DPE. This paper presents logistic details of HPS Continuing-Education Program. Training team coordinates tutorial meetings and performs continuous statistical analysis. Evaluation team visit hospital departments daily, observing in practice the incorporation of information provided, and retraining individuals in their work scenarios. Both teams perform curriculum development, meeting planning and creation of digital-training-modules. Tutorial meetings have pre/post-tests, allowing monitoring of attendance, topic significance and short-term retention. Tutorial groups are formed by 6-12 employees sharing similarities in training needs. CT is offered to 4 groups-of-interest: a nurses, b nursing assistants, c administrative staff, porters, drivers, d cleaning, laundry and security staff. Problematization and active strategies have resulted into an attractive, structured educational program customized to produce short-term results. The strategy is of interest to institutions sharing similar challenges. 11. The effectiveness of web-based, multimedia tutorials for teaching methods of human body composition analysis. Science.gov (United States) Buzzell, Paul R; Chamberlain, Valerie M; Pintauro, Stephen J 2002-12-01 This study examined the effectiveness of a series of Web-based, multimedia tutorials on methods of human body composition analysis. Tutorials were developed around four body composition topics: hydrodensitometry (underwater weighing), dual-energy X-ray absorptiometry, bioelectrical impedance analysis, and total body electrical conductivity. Thirty-two students enrolled in the course were randomly assigned to learn the material through either the Web-based tutorials only ("Computer"), a traditional lecture format ("Lecture"), or lectures supplemented with Web-based tutorials ("Both"). All students were administered a validated pretest before randomization and an identical posttest at the completion of the course. The reliability of the test was 0.84. The mean score changes from pretest to posttest were not significantly different among the groups (65.4 plus minus 17.31, 78.82 plus minus 21.50, and 76 plus minus 21.22 for the Computer, Both, and Lecture groups, respectively). Additionally, a Likert-type assessment found equally positive attitudes toward all three formats. The results indicate that Web-based tutorials are as effective as the traditional lecture format for teaching these topics. 12. Educational Tutorial Video with Aspects of Psychological Sensation and Perception in Academic Achievement Directory of Open Access Journals (Sweden) Martha Jiménez García 2015-09-01 Full Text Available In Mexico 75.5% of children and young students in elementary and secondary school are at insufficient and elementary levels in mathematics. The purpose of this research is to join the UNESCO initiative by granting quality education, boosted by technology (Rose, 2013. Specifically, the objective is to analyze the impact of using a tutorial video on academic achievement, based on Gestalt psychology stimulating the sensation and perception cognitive capabilities. Using a 50 student sample was used, which was divided into two groups (experimental and control we test whether students that use a tutorial video based on sensation and perception increase their attention and interest to increase academic achievement. The experimental group was a virtual class with tutorial videos on the use of slopes, explanation of the equation, and a virtual graph generator. Both groups were a survey and an exam. The results show that a high impact on the grades and on the perception of knowledge in the experimental group; the average academic achievement of the experimental group was 9.31, against 2 in the control group. Thus, we conclude that the tutorial video presented stimulates cognitive capabilities and improves academic achievement with a 7.3 impact per additional unit of tutorial video, presented as reinforcement of the class. 13. SFO-Project: The New Generation of Sharable, Editable and Open-Access CFD Tutorials Science.gov (United States) Javaherchi, Teymour; Javaherchi, Ardeshir; Aliseda, Alberto 2016-11-01 One of the most common approaches to develop a Computational Fluid Dynamic (CFD) simulation for a new case study of interest is to search for the most similar, previously developed and validated CFD simulation among other works. A simple search would result into a pool of written/visual tutorials. However, users should spend significant amount of time and effort to find the most correct, compatible and valid tutorial in this pool and further modify it toward their simulation of interest. SFO is an open-source project with the core idea of saving the above-mentioned time and effort. This is done via documenting/sharing scientific and methodological approaches to develop CFD simulations for a wide spectrum of fundamental and industrial case studies in three different CFD solvers; STAR-CCM +, FLUENT and Open FOAM (SFO). All of the steps and required files of these tutorials are accessible and editable under the common roof of Github (a web-based Git repository hosting service). In this presentation we will present the current library of 20 + developed CFD tutorials, discuss the idea and benefit of using them, their educational values and explain how the next generation of open-access and live resource of CFD tutorials can be built further hand-in-hand within our community. 14. Assimilation of contents and learning through the use of video tutorials Directory of Open Access Journals (Sweden) David JIMÉNEZ CASTILLO 2013-01-01 Full Text Available The need for a change in the university educational model promoted by the establishment of the European Higher Education Area (EHEA has promoted the implementation of numerous proposals for innovation in university teaching. These innovative practices that are based on a process of reflection and analysis of past teaching experience, are helping to improve qualitatively the teaching practice and, consequently, the learning process and outcomes of students, from a process of reflection and analysis of the teaching experience. In this context, this paper focuses on analyzing a specific teaching tool for innovation, the video tutorial, in order to assess its influence on the processes of assimilation of contents and self-learning. In particular, we attempt to show if the video tutorial allows reinforcing the understanding of practical contents that have been previously given by the classical method of masterly exposition. From the analysis of data obtained through a survey directed to a sample of students after experimenting with the teaching tool, it is shown that the video tutorial is considered a very suitable tool to improve the assimilation capacity of the contents taught previously and to acquire higher learning. After performing a regression analysis, the research also shows that students’ attitudes toward multimedia tools and the perceived utility of video tutorial positively influence these capacities. On the contrary, we find that the attitude towards individual learning and the attention paid by the student to the contents of the video tutorial do not affect the level of learning obtained from this tool. 15. CERN Technical Training 2007: IT3T - IT Technical Training Tutorials (Autumn 2007) CERN Multimedia 2007-01-01 CERN Technical Training and the Internet Services group of the IT department (IT/IS) are jointly organizing a series of free tutorials, addressing some topics of common interest: the IT Technical Training Tutorials (IT3T). The first IT3T series will be offered in October 2007, in French, with the following schedule: IT3T/2007/1 "Introduction to Collaboration Workspaces using SharePoint", October 23rd , 14:30-16:00, Alexandre Lossent IT3T/2007/2 "What is new in Office 2007", October 25th, 14:30-15:30, Emmanuel Ormancey IT3T/2007/3 "Working with Windows Vista at CERN", October 30th, 14:30-15:30, Michal Kwiatek IT3T/2007/4 "Read your mail and more with Outlook 2007", November 1st, 14:30-15:30, Sebastien Dellabella All IT Technical Training Tutorials will take place in the Training Centre Auditorium (building 593, room 11), at 14h30. The tutorials are free of charge, but separate registration to each is required. Participation to any of the tutorials is open: attendance to any ... 16. Using Highlighting to Train Attentional Expertise. Science.gov (United States) Roads, Brett; Mozer, Michael C; Busey, Thomas A 2016-01-01 Acquiring expertise in complex visual tasks is time consuming. To facilitate the efficient training of novices on where to look in these tasks, we propose an attentional highlighting paradigm. Highlighting involves dynamically modulating the saliency of a visual image to guide attention along the fixation path of a domain expert who had previously viewed the same image. In Experiment 1, we trained naive subjects via attentional highlighting on a fingerprint-matching task. Before and after training, we asked subjects to freely inspect images containing pairs of prints and determine whether the prints matched. Fixation sequences were automatically scored for the degree of expertise exhibited using a Bayesian discriminative model of novice and expert gaze behavior. Highlighted training causes gaze behavior to become more expert-like not only on the trained images but also on transfer images, indicating generalization of learning. In Experiment 2, to control for the possibility that the increase in expertise is due to mere exposure, we trained subjects via highlighting of fixation sequences from novices, not experts, and observed no transition toward expertise. In Experiment 3, to determine the specificity of the training effect, we trained subjects with expert fixation sequences from images other than the one being viewed, which preserves coarse-scale statistics of expert gaze but provides no information about fine-grain features. Observing at least a partial transition toward expertise, we obtain only weak evidence that the highlighting procedure facilitates the learning of critical local features. We discuss possible improvements to the highlighting procedure. 17. Teleconference highlights-NE-NA proliferation resistance review International Nuclear Information System (INIS) Miller, Michael C. 2009-01-01 Herczeg gave a readout from the kickoff meeting with Paul Lisowski - namely develop a common definition of proliferation resistance (for use by S-1, other upper management, public affairs, etc.), and to evaluate possible framework where a metric could be assigned for fuel cycle comparisons (integral, easy to communicate). Sprinkle raised concern about 'trivializing' notion of proliferation resistance (PR), with idea of making sure we don't lose the concept that strong safeguards and security are required within a nonproliferation framework that support U.S. policy goals. Integrated Safeguards by Design notion was brought up in this context. Round table discussion of the term PR, its misuse (even unintentional), fact that Chu is using term and apparently in context of proliferation proof. It was noted that there has been much work already done in this area and we should not reinvent the wheel. One of the first tasks needs to be gathering up old reports (TOPS, Como, PRPP, etc) and distributing to group (action item for all). It was also noted that there are multiple definitions of PR, including the recent NPIA, supporting the need for this type of activity. Miller described the current work package under AFCI, with$50k of funding from the campaign management account. Herczeg asked about additional funds should it become clear that a larger effort is required (tension between current program and getting something out relatively soon). Goldner to look into potential additional funds. Miller notes that within current work package, easy to engage LANL participants and that Per Peterson can participate under UCB funding (a new center is being established with UC fee awards from LANL and LLNL - the Berkeley Nuclear Research Center). Consensus that Per would be a good external member of the group. Sprinkle notes that held like to coordinate the NE and NA work packages. Miller and Sprinkle to work offline. Wallace talked about the possibility of being more quantitative in an analysis based on recent conversation with Chuck Bathke, Pratap Sadasivan, and John Ireland in which some statistical and data integration concepts that have been used for homeland security applications might be of value. Wallace and Murphy talked about different threats, which influence analys is (such as is being done in the SPIKE/material attractiveness analyses). Three threats identified - nation state with advanced nuclear capabilities, nation state without advanced nuclear capabilities, and sub-national or terrorist. Sprinkle brought forward idea that a third category could be nation state that does not have nuclear proliferation aspirations.
18. AEB-highlights. January - June 1977
International Nuclear Information System (INIS)
1977-01-01
AEB Highlights is a half-yearly report reflecting the most important recent achievements of the various Research and Technical divisions of the Atomic Energy Board. It appears alternatively in English and Afrikaans [af
19. University tutorials in the setting of the European Higher Education Area: current profiles
Directory of Open Access Journals (Sweden)
Carolina FERNÁNDEZ-SALINERO MIGUEL
2014-07-01
Full Text Available In the new setting promoted by the European Higher Education Area, university guidance and tutorials have become more important than ever. We understand tutorials as part of the teaching responsibility in which a more personal interaction between professor and student, professor and novice teacher, or student and student is established, and whose goal is to guide learning according to the individual characteristics and learning styles of the individuals involved. Now is the time to set up guidance and tutorials systems for students –both during the training process and in their first professional steps– and for novice teachers also. Among such systems we can mention professor coaching, peer mentoring, professional tutoring in training centres or mentoring of an experienced university professor on the novice teacher.
20. The acquisition and retention of ECG interpretation skills after a standardized web-based ECG tutorial
DEFF Research Database (Denmark)
Rolskov Bojsen, Signe; Räder, Sune Bernd Emil Werner; Holst, Anders Gaardsdal
2015-01-01
BACKGROUND: Electrocardiogram (ECG) interpretation is of great importance for patient management. However, medical students frequently lack proficiency in ECG interpretation and rate their ECG training as inadequate. Our aim was to examine the effect of a standalone web-based ECG tutorial...... and to assess the retention of skills using multiple follow-up intervals. METHODS: 203 medical students were included in the study. All participants completed a pre-test, an ECG tutorial, and a post-test. The participants were also randomised to complete a retention-test after short (2-4 weeks), medium (10.......6), respectively). When comparing the pre-test to retention-test delta scores, junior students had learned significantly more than senior students (junior students improved 10.7 points and senior students improved 4.7 points, p = 0.003). CONCLUSION: A standalone web-based ECG tutorial can be an effective means...
1. Cytopathology whole slide images and adaptive tutorials for postgraduate pathology trainees: a randomized crossover trial.
Science.gov (United States)
Van Es, Simone L; Kumar, Rakesh K; Pryor, Wendy M; Salisbury, Elizabeth L; Velan, Gary M
2015-09-01
2. Nuclear fuel waste management - biosphere program highlights - 1978 to 1996
Energy Technology Data Exchange (ETDEWEB)
Zach, R
1997-07-01
The biosphere program in support of the development of the disposal concept for Canadian nuclear fuel waste since 1978 is scheduled for close-out. AECLs Environmental Science Branch (ESB) was mainly responsible for work in this program. In order to preserve as much information as possible, this report highlights many of the key achievements of the program, particularly those related to the development of the BIOTRAC biosphere model and its supporting research. This model was used for the assessment and review of the disposal concept in an environmental impact statement (EIS). The report also treats highlights related to alternative models, external scientific/technical reviews, EIS feedback, and the international BIOMOVS model validation program. Furthermore, it highlights basic aspects of future modelling and research needs in relation to siting a disposal facility. In this, feedback from the various reviews and the EIS is taken into account. Appendices of the report include listings of key ESB staff involved in the program, all the scientific/technical reports and papers produced under the program, contracts let to outside agencies, and issues raised by various participants or intervenors during the EIS review. Although the report is concerned with close-out of the biosphere program, it also provides valuable information for a continuing program concerned with siting a disposal facility. One of the conclusions of the report is that such a program is essential for successfully siting such a facility. (author) Refs.
3. Nuclear fuel waste management - biosphere program highlights - 1978 to 1996
International Nuclear Information System (INIS)
Zach, R.
1997-07-01
The biosphere program in support of the development of the disposal concept for Canadian nuclear fuel waste since 1978 is scheduled for close-out. AECL's Environmental Science Branch (ESB) was mainly responsible for work in this program. In order to preserve as much information as possible, this report highlights many of the key achievements of the program, particularly those related to the development of the BIOTRAC biosphere model and its supporting research. This model was used for the assessment and review of the disposal concept in an environmental impact statement (EIS). The report also treats highlights related to alternative models, external scientific/technical reviews, EIS feedback, and the international BIOMOVS model validation program. Furthermore, it highlights basic aspects of future modelling and research needs in relation to siting a disposal facility. In this, feedback from the various reviews and the EIS is taken into account. Appendices of the report include listings of key ESB staff involved in the program, all the scientific/technical reports and papers produced under the program, contracts let to outside agencies, and issues raised by various participants or intervenors during the EIS review. Although the report is concerned with close-out of the biosphere program, it also provides valuable information for a continuing program concerned with siting a disposal facility. One of the conclusions of the report is that such a program is essential for successfully siting such a facility. (author)
4. A Design of Computer Aided Instructions (CAI) for Undirected Graphs in the Discrete Math Tutorial (DMT). Part 1.
Science.gov (United States)
1990-06-01
The objective of this thesis research is to create a tutorial for teaching aspects of undirected graphs in discrete math . It is one of the submodules...of the Discrete Math Tutorial (DMT), which is a Computer Aided Instructional (CAI) tool for teaching discrete math to the Naval Academy and the
5. A Design of Computer Aided Instructions (CAI) for Undirected Graphs in the Discrete Math Tutorial (DMT). Part 2
Science.gov (United States)
1990-06-01
The objective of this thesis research is to create a tutorial for teaching aspects of undirected graphs in discrete math . It is one of the submodules...of the Discrete Math Tutorial (DMT), which is a Computer Aided Instructional (CAI) tool for teaching discrete math to the Naval Academy and the
6. Learning Marketing Accounting Skills in the Introductory Marketing Course: The Development, Use, and Acceptance of a Self-Study Tutorial
Science.gov (United States)
Chen, Yi Ju; Greenberg, Barnett; Dickson, Peter; Goodrich, Jonathan
2012-01-01
A self-study tutorial designed to teach, through a learning-by-doing application, how important marketing accounting is to the whole firm, and why every business graduate should have a solid understanding of marketing accounting is tested using an exam and satisfaction survey. Performance on the exam and satisfaction with the tutorial depended…
7. Using Highlighting to Train Attentional Expertise.
Directory of Open Access Journals (Sweden)
Full Text Available Acquiring expertise in complex visual tasks is time consuming. To facilitate the efficient training of novices on where to look in these tasks, we propose an attentional highlighting paradigm. Highlighting involves dynamically modulating the saliency of a visual image to guide attention along the fixation path of a domain expert who had previously viewed the same image. In Experiment 1, we trained naive subjects via attentional highlighting on a fingerprint-matching task. Before and after training, we asked subjects to freely inspect images containing pairs of prints and determine whether the prints matched. Fixation sequences were automatically scored for the degree of expertise exhibited using a Bayesian discriminative model of novice and expert gaze behavior. Highlighted training causes gaze behavior to become more expert-like not only on the trained images but also on transfer images, indicating generalization of learning. In Experiment 2, to control for the possibility that the increase in expertise is due to mere exposure, we trained subjects via highlighting of fixation sequences from novices, not experts, and observed no transition toward expertise. In Experiment 3, to determine the specificity of the training effect, we trained subjects with expert fixation sequences from images other than the one being viewed, which preserves coarse-scale statistics of expert gaze but provides no information about fine-grain features. Observing at least a partial transition toward expertise, we obtain only weak evidence that the highlighting procedure facilitates the learning of critical local features. We discuss possible improvements to the highlighting procedure.
8. APLIKASI MOBILE LEARNING TUTORIAL PENGKABELAN DALAM MATA KULIAH JARINGAN KOMPUTER II DI STMIK AMIKOM PURWOKERTO
Directory of Open Access Journals (Sweden)
Tri Handoko
2011-02-01
Full Text Available Tujuan penelitian ini adalah membuat aplikasi mobile learning tutorial pengkabelan dalam mata kuliah jaringan komputer II di STMIK AMIKOM Purwokerto. Metode pengumpulan data yang digunakan untuk membuat aplikasi ini adalah metode kepustakaan dan metode observasi secara langsung. Untuk pengembangan sistem dalam penelitian ini menggunakan metode SDLC (System Development Life Cycle, dengan teknik pengembangan sistem waterfall model.Hasil penelitian ini berupa aplikasi mobile learning tutorial pengkabelan dalam mata kuliah jaringan komputer II di STMIK AMIKOM Purwokerto. Aplikasi yang dihasilkan berektensi .swf dan dapat dijalankan menggunakan flashlite player.
9. Statistical Shape Modelling and Markov Random Field Restoration (invited tutorial and exercise)
DEFF Research Database (Denmark)
Hilger, Klaus Baggesen
This tutorial focuses on statistical shape analysis using point distribution models (PDM) which is widely used in modelling biological shape variability over a set of annotated training data. Furthermore, Active Shape Models (ASM) and Active Appearance Models (AAM) are based on PDMs and have proven...... deformation field between shapes. The tutorial demonstrates both generative active shape and appearance models, and MRF restoration on 3D polygonized surfaces. ''Exercise: Spectral-Spatial classification of multivariate images'' From annotated training data this exercise applies spatial image restoration...... using Markov random field relaxation of a spectral classifier. Keywords: the Ising model, the Potts model, stochastic sampling, discriminant analysis, expectation maximization....
10. Object Oriented Approach for developing of a Tutorial System Work Security and Health in SMEs
Directory of Open Access Journals (Sweden)
2007-01-01
Full Text Available This paper presents the authors' research for developing a tutorial system which enables the delivery of proper training to specialized personnel in Small and Middle Enterprises (SMEs, in order to eliminate or reduce the health and safety risks of these enterprises to an acceptable level, according to the European Union directives. During the analysis phase, the requirements of the tutorial system were described using UML use case diagrams, the activity flow was modeled with an activity diagram, and the relevant classes were identified and described in a class diagram.
11. ANSYS workbench tutorial release 14 structural & thermal analysis using the ANSYS workbench release 14 environment
CERN Document Server
Lawrence, Kent L
2012-01-01
The exercises in ANSYS Workbench Tutorial Release 14 introduce you to effective engineering problem solving through the use of this powerful modeling, simulation and optimization software suite. Topics that are covered include solid modeling, stress analysis, conduction/convection heat transfer, thermal stress, vibration, elastic buckling and geometric/material nonlinearities. It is designed for practicing and student engineers alike and is suitable for use with an organized course of instruction or for self-study. The compact presentation includes just over 100 end-of-chapter problems covering all aspects of the tutorials.
12. Practical guide to ICP-MS: a tutorial for beginners
National Research Council Canada - National Science Library
Thomas, Robert
2013-01-01
... for those with limited knowledge of the technique. Written by an insider with more than 20 years experience in product development, customer support, and technical marketing for an ICP-MS instrument vendor, the book highlights this powerful ultra...
13. Assessing the flexibility of research-based instructional strategies: Implementing tutorials in introductory physics in the lecture environment
Science.gov (United States)
Kryjevskaia, Mila; Boudreaux, Andrew; Heins, Dustin
2014-03-01
Materials from Tutorials in Introductory Physics, originally designed and implemented by the Physics Education Group at the University of Washington, were used in modified form as interactive lectures under conditions significantly different from those suggested by the curriculum developers. Student learning was assessed using tasks drawn from the physics education research literature. Use of tutorials in the interactive lecture format yielded gains in student understanding comparable to those obtained through the canonical tutorial implementation at the University of Washington, suggesting that student engagement with the intellectual steps laid out in the tutorials, rather than the specific strategies used in facilitating such engagement, plays the central role in promoting student learning. We describe the implementation details and assessment of student learning for two different tutorials: one focused on mechanical waves, used at North Dakota State University, and one on Galilean relativity, used at Western Washington University. Also discussed are factors that may limit the generalizability of the results.
14. Highlights of articles published in annals of nuclear medicine 2016
International Nuclear Information System (INIS)
2017-01-01
This article is the first installment of highlights of selected articles published during 2016 in the Annals of Nuclear Medicine, an official peer-reviewed journal of the Japanese Society of Nuclear Medicine. A companion article highlighting selected articles published during 2016 in the European Journal of Nuclear Medicine and Molecular Imaging, which is the official peer-reviewed journal of the European Association of Nuclear Medicine, will also appear in the Annals Nuclear Medicine. This new initiative by the respective journals will continue as an annual endeavor and is anticipated to not only enhance the scientific collaboration between Europe and Japan but also facilitate global partnership in the field of nuclear medicine and molecular imaging. (orig.)
15. Highlights of articles published in annals of nuclear medicine 2016
Energy Technology Data Exchange (ETDEWEB)
Jadvar, Hossein [University of Southern California, Division of Nuclear Medicine, Department of Radiology, Keck School of Medicine, Los Angeles, CA (United States)
2017-10-15
This article is the first installment of highlights of selected articles published during 2016 in the Annals of Nuclear Medicine, an official peer-reviewed journal of the Japanese Society of Nuclear Medicine. A companion article highlighting selected articles published during 2016 in the European Journal of Nuclear Medicine and Molecular Imaging, which is the official peer-reviewed journal of the European Association of Nuclear Medicine, will also appear in the Annals Nuclear Medicine. This new initiative by the respective journals will continue as an annual endeavor and is anticipated to not only enhance the scientific collaboration between Europe and Japan but also facilitate global partnership in the field of nuclear medicine and molecular imaging. (orig.)
16. Brookhaven highlights, October 1979-September 1980
Energy Technology Data Exchange (ETDEWEB)
1980-01-01
Highlights are given for the research areas of the Brookhaven National Laboratory. These areas include high energy physics, physics and chemistry, life sciences, applied energy science (energy and environment, and nuclear energy), and support activities (including mathematics, instrumentation, reactors, and safety). (GHT)
17. University of Maryland MRSEC - Research: Highlights
Science.gov (United States)
-Engineering Program: Project Lead the Way Thinking Small: Nanoscale Informal Science Education (NISE Education Outreach Highlights NanoFabulous Greatest Show on Earth: Big Top Physics, USA Science and Perspective at UMD MRSEC Nanoscience Camp Annual Middle School Student Science Conference (SSC) Pre
18. Palliativedrugs.com therapeutic highlights: gabapentin
Directory of Open Access Journals (Sweden)
Twycross Robert
2003-01-01
Full Text Available This is the second in a series of highlights drawn from the www.palliativedrugs.com website. The website provides free access to the Palliative Care Formulary, a monthly newsletter and a bulletin board for advice to be given and received. With almost 10,000 professional members it is the largest palliative care resource of its kind.
19. Brookhaven highlights, October 1979-September 1980
International Nuclear Information System (INIS)
1980-01-01
Highlights are given for the research areas of the Brookhaven National Laboratory. These areas include high energy physics, physics and chemistry, life sciences, applied energy science (energy and environment, and nuclear energy), and support activities (including mathematics, instrumentation, reactors, and safety)
20. Brookhaven highlights - Brookhaven National Laboratory 1995
Energy Technology Data Exchange (ETDEWEB)
NONE
1996-09-01
This report highlights research conducted at Brookhaven National Laboratory in the following areas: alternating gradient synchrotron; physics; biology; national synchrotron light source; department of applied science; medical; chemistry; department of advanced technology; reactor; safety and environmental protection; instrumentation; and computing and communications.
1. Revisiting Information Technology tools serving authorship and editorship: a case-guided tutorial to statistical analysis and plagiarism detection.
Science.gov (United States)
Bamidis, P D; Lithari, C; Konstantinidis, S T
2010-12-01
With the number of scientific papers published in journals, conference proceedings, and international literature ever increasing, authors and reviewers are not only facilitated with an abundance of information, but unfortunately continuously confronted with risks associated with the erroneous copy of another's material. In parallel, Information Communication Technology (ICT) tools provide to researchers novel and continuously more effective ways to analyze and present their work. Software tools regarding statistical analysis offer scientists the chance to validate their work and enhance the quality of published papers. Moreover, from the reviewers and the editor's perspective, it is now possible to ensure the (text-content) originality of a scientific article with automated software tools for plagiarism detection. In this paper, we provide a step-bystep demonstration of two categories of tools, namely, statistical analysis and plagiarism detection. The aim is not to come up with a specific tool recommendation, but rather to provide useful guidelines on the proper use and efficiency of either category of tools. In the context of this special issue, this paper offers a useful tutorial to specific problems concerned with scientific writing and review discourse. A specific neuroscience experimental case example is utilized to illustrate the young researcher's statistical analysis burden, while a test scenario is purpose-built using open access journal articles to exemplify the use and comparative outputs of seven plagiarism detection software pieces.
2. Revisiting Information Technology tools serving authorship and editorship: a case-guided tutorial to statistical analysis and plagiarism detection
Science.gov (United States)
Bamidis, P D; Lithari, C; Konstantinidis, S T
2010-01-01
With the number of scientific papers published in journals, conference proceedings, and international literature ever increasing, authors and reviewers are not only facilitated with an abundance of information, but unfortunately continuously confronted with risks associated with the erroneous copy of another's material. In parallel, Information Communication Technology (ICT) tools provide to researchers novel and continuously more effective ways to analyze and present their work. Software tools regarding statistical analysis offer scientists the chance to validate their work and enhance the quality of published papers. Moreover, from the reviewers and the editor's perspective, it is now possible to ensure the (text-content) originality of a scientific article with automated software tools for plagiarism detection. In this paper, we provide a step-bystep demonstration of two categories of tools, namely, statistical analysis and plagiarism detection. The aim is not to come up with a specific tool recommendation, but rather to provide useful guidelines on the proper use and efficiency of either category of tools. In the context of this special issue, this paper offers a useful tutorial to specific problems concerned with scientific writing and review discourse. A specific neuroscience experimental case example is utilized to illustrate the young researcher's statistical analysis burden, while a test scenario is purpose-built using open access journal articles to exemplify the use and comparative outputs of seven plagiarism detection software pieces. PMID:21487489
3. Experimental design and data-analysis in label-free quantitative LC/MS proteomics: A tutorial with MSqRob.
Science.gov (United States)
Goeminne, Ludger J E; Gevaert, Kris; Clement, Lieven
2018-01-16
Label-free shotgun proteomics is routinely used to assess proteomes. However, extracting relevant information from the massive amounts of generated data remains difficult. This tutorial provides a strong foundation on analysis of quantitative proteomics data. We provide key statistical concepts that help researchers to design proteomics experiments and we showcase how to analyze quantitative proteomics data using our recent free and open-source R package MSqRob, which was developed to implement the peptide-level robust ridge regression method for relative protein quantification described by Goeminne et al. MSqRob can handle virtually any experimental proteomics design and outputs proteins ordered by statistical significance. Moreover, its graphical user interface and interactive diagnostic plots provide easy inspection and also detection of anomalies in the data and flaws in the data analysis, allowing deeper assessment of the validity of results and a critical review of the experimental design. Our tutorial discusses interactive preprocessing, data analysis and visualization of label-free MS-based quantitative proteomics experiments with simple and more complex designs. We provide well-documented scripts to run analyses in bash mode on GitHub, enabling the integration of MSqRob in automated pipelines on cluster environments (https://github.com/statOmics/MSqRob). The concepts outlined in this tutorial aid in designing better experiments and analyzing the resulting data more appropriately. The two case studies using the MSqRob graphical user interface will contribute to a wider adaptation of advanced peptide-based models, resulting in higher quality data analysis workflows and more reproducible results in the proteomics community. We also provide well-documented scripts for experienced users that aim at automating MSqRob on cluster environments. Copyright © 2017 Elsevier B.V. All rights reserved.
4. Intelligent tutorial system for selftraining in tuning of control systems; Sistema tutorial inteligente para el autoentrenamiento en sintonizacion de sistemas de control
Energy Technology Data Exchange (ETDEWEB)
Romero Jimenez, Guillermo; Perez Ocampo, Maria Concepcion [Instituto de Investigaciones Electricas, Temixco, Morelos (Mexico)
1999-07-01
In this paper the design, development and validation of an intelligent tutorial system oriented to the instruction of techniques of tuning of control systems is described. This system is based on systems previously developed in the Simulation Unit of the Instituto de Investigaciones Electricas (IIE). The designed system accounts with four modules: of knowledge, the student model, of tutor and of interface, basic characteristics that allows to locate this system in the context of the intelligent tutorial systems. In this system in particular, the knowledge module was only modified, because advantage is taken of the existing structure to incorporate a new dominion of application: the one of the techniques of tuning of control systems. The system maintains the characteristic that it can also be used as a consultation system. In addition to the design and validation of the tutorial system, when following the methodology of processing the degree of generality of the developed system, was evaluated, taking into account the evaluation and quantification of metrics that the engineering software proposes. [Spanish] En este trabajo se describen el diseno, el desarrollo y la validacion de un sistema tutorial inteligente orientado a la instruccion de tecnicas de sintonizacion de sistemas de control. Este sistema esta basado en sistemas desarrollados anteriormente en la Unidad de Simulacion del Instituto de Investigaciones Electricas (IIE). El sistema disenado cuenta con cuatro modulos: de conocimiento, del modelo del estudiante, de tutor y de interfaz, caracteristica principal que permite ubicar a este sistema en el contexto de los sistemas tutoriales inteligentes. En este sistema en particular solo se modifica el modulo de conocimiento, pues se aprovecha la estructura existente para incorporar un nuevo dominio de aplicacion: el de las tecnicas de sintonizacion de sistemas de control. El sistema mantiene la caracteristica de que tambien puede utilizarse como un sistema de
5. Studying Interaction in Undergraduate Tutorials: Results from a Small-Scale Evaluation
Science.gov (United States)
Shaw, Lorraine; Carey, Phil; Mair, Michael
2008-01-01
This article reports on an observation-based evaluation of student-tutor interaction in first-year undergraduate tutorials. Using a single case analysis, the paper looks at how tutors and students built and maintained relationships through two different though interlinked forms of interaction--storytelling and the use of classroom space for…
6. Leveraging Technology to Alleviate Student Bottlenecks: The Self-Paced Online Tutorial--Writing (SPOT)
Science.gov (United States)
Moore, Scott D.; Sanchez, Rudolph J.; Inoue, Asao B.; Statham, Russel D.; Zelezny, Lynnette; Covino, William A.
2014-01-01
The Self-Paced Online Tutorial (SPOT) represents the best kind of innovation because it uses digital technologies wisely and because it is based on well-established theory, research, and practice. Extended education plays a pivotal role in the attainment of the California State University's (CSU) vision of providing a high-quality, affordable, and…
7. Data Mining in Course Management Systems: Moodle Case Study and Tutorial
Science.gov (United States)
Romero, Cristobal; Ventura, Sebastian; Garcia, Enrique
2008-01-01
Educational data mining is an emerging discipline, concerned with developing methods for exploring the unique types of data that come from the educational context. This work is a survey of the specific application of data mining in learning management systems and a case study tutorial with the Moodle system. Our objective is to introduce it both…
8. MATS--Management Accounting Tutorial System. Version 1.0. Project Documentation.
Science.gov (United States)
Wardle, Andrew; O'Connor, Rodric
The Management Accounting Tutorial System (MATS) is a management accounting database for a carpet manufacturing company. The system allows the display and output of monthly activities, and is intended to provide a means of illustrating the main topics of the second year management accounting course at Manchester University. The system itself…
9. MATS--Management Accounting Tutorial System. Version 1.0. User Guide.
Science.gov (United States)
Wardle, Andrew; O'Connor, Rodric
The Management Accounting Tutorial System (MATS) is a management accounting database for a carpet manufacturing company. The system allows the display and output of monthly activities, and is intended to provide a means of illustrating the main topics of the second year management accounting course at Manchester University. The system itself…
10. Getting Started With Oracle SOA Suite 11g R1 - A Hands-On Tutorial
CERN Document Server
Buelow, Heidi; Palvankar, Prasen
2009-01-01
This fully illustrated step-by-step tutorial is based on proven training material that has been highly praised by hundreds of developers in product training courses given as part of the SOA Suite 11g rollout. You will learn how to build a services-oriente
11. Integrating Supplementary Application-Based Tutorials in the Multivariable Calculus Course
Science.gov (United States)
Verner, I. M.; Aroshas, S.; Berman, A.
2008-01-01
This article presents a study in which applications were integrated in the Multivariable Calculus course at the Technion in the framework of supplementary tutorials. The purpose of the study was to test the opportunity of extending the conventional curriculum by optional applied problem-solving activities and get initial evidence on the possible…
12. Effectiveness of a computer-based tutorial for teaching how to make a blood smear.
Science.gov (United States)
Preast, Vanessa; Danielson, Jared; Bender, Holly; Bousson, Maury
2007-09-01
Computer-aided instruction (CAI) was developed to teach veterinary students how to make blood smears. This instruction was intended to replace the traditional instructional method in order to promote efficient use of faculty resources while maintaining learning outcomes and student satisfaction. The purpose of this study was to evaluate the effect of a computer-aided blood smear tutorial on 1) instructor's teaching time, 2) students' ability to make blood smears, and 3) students' ability to recognize smear quality. Three laboratory sessions for senior veterinary students were taught using traditional methods (control group) and 4 sessions were taught using the CAI tutorial (experimental group). Students in the control group received a short demonstration and lecture by the instructor at the beginning of the laboratory and then practiced making blood smears. Students in the experimental group received their instruction through the self-paced, multimedia tutorial on a laptop computer and then practiced making blood smears. Data was collected from observation, interview, survey questionnaires, and smear evaluation by students and experts using a scoring rubric. Students using the CAI made better smears and were better able to recognize smear quality. The average time the instructor spent in the room was not significantly different between groups, but the quality of the instructor time was improved with the experimental instruction. The tutorial implementation effectively provided students and instructors with a teaching and learning experience superior to the traditional method of instruction. Using CAI is a viable method of teaching students to make blood smears.
13. Motivating Change from Lecture-Tutorial Modes to Less Traditional Forms of Teaching
Science.gov (United States)
McLaren, Helen J.; Kenny, Paul L.
2015-01-01
Teaching academics are under pressure to move away from traditional lecture-tutorial teaching modes to less traditional forms. Such pressures are in addition to changes to funding arrangements and other developments that increasingly oblige universities to operate as businesses. The flow-on effects for teachers are increased student:staff ratios,…
14. The Audio-Tutorial Approach to Learning Through Independent Study and Integrated Experiences.
Science.gov (United States)
Postlethwait, S. N.; And Others
The rationale of the integrated experience approach to teaching botany at Purdue University is given and the history of the audio-tutorial course at Purdue and its present organization are described. A sample week's unit of study is given, including transcription of the tape, reproduction of printed materials and photographs of other materials…
15. Audio-Tutorial Versus Conventional Lecture-Laboratory Instruction in a University Animal Biology Course.
Science.gov (United States)
Rowsey, Robert E.
The purpose of this study was to analyze two methods of instruction used in an animal biology course. One group of students, the experimental group, was taught using an audio-tutorial program, and another group, the control group, was taught using the conventional lecture-laboratory method. Pretest and posttest data were collected from achievement…
16. Efficacy of Multimedia Learning Modules as Preparation for Lecture-Based Tutorials in Electromagnetism
Directory of Open Access Journals (Sweden)
James Christopher Moore
2018-02-01
Full Text Available We have investigated the efficacy of on-line, multimedia learning modules (MLMs as preparation for in-class, lecture-based tutorials in electromagnetism in a physics course for natural science majors (biology and marine science. Specifically, we report the results of a multiple-group pre/post-test research design comparing two groups receiving different treatments with respect to activities preceding participation in Tutorials in Introductory Physics. The different pre-tutorial activities were as follows: (1 students were assigned reading from a traditional textbook, followed by a traditional lecture; and (2 students completed on-line MLMs developed by the Physics Education Research Group at the University of Illinois at Urbana Champaign (UIUC, and commercially known as FlipItPhysics. The MLM treatment group earned significantly higher mid-term examination scores and larger gains in content knowledge as measured by the Conceptual Survey of Electricity and Magnetism (CSEM. Student attitudes towards “reformed” instruction in the form of active-engagement tutorials were also improved. Specifically, post-course surveys showed that MLM-group students believed class time was more effective and the instructor was more clear than reported by non-MLM students, even though there was no significant difference between groups with respect to in-class activities and the same instructor taught both groups. MLM activities can be a highly effective tool for some student populations, especially when student preparation and buy-in are important for realizing significant gains.
17. Efficacy of Multimedia Learning Modules as Preparation for Lecture-Based Tutorials in Electromagnetism
Science.gov (United States)
Moore, James Christopher
2018-01-01
We have investigated the efficacy of on-line, multimedia learning modules (MLMs) as preparation for in-class, lecture-based tutorials in electromagnetism in a physics course for natural science majors (biology and marine science). Specifically, we report the results of a multiple-group pre/post-test research design comparing two groups receiving…
18. Towards Improving Students' Attendance and Quality of Undergraduate Tutorials: A Case Study on Law
Science.gov (United States)
2005-01-01
As part of continual efforts towards improving learning and teaching in the faculty, lecturers in the law faculty of the University of the West of England (UWE), Bristol debated the question of students' attendance and quality of tutorials in a recent email discussion amongst themselves. At the end of the debate the need for further research on…
19. Web Tutorials on Systems Thinking Using the Driver-Pressure-State-Impact-Response (DPSIR) Framework
Science.gov (United States)
This set of tutorials provides an overview of incorporating systems thinking into decision-making, an introduction to the DPSIR framework as one approach that can assist in the decision analysis process, and an overview of DPSIR tools, including concept mapping and keyword lists,...
20. Online Video Tutorials Increase Learning of Difficult Concepts in an Undergraduate Analytical Chemistry Course
Science.gov (United States)
He, Yi; Swenson, Sandra; Lents, Nathan
2012-01-01
Educational technology has enhanced, even revolutionized, pedagogy in many areas of higher education. This study examines the incorporation of video tutorials as a supplement to learning in an undergraduate analytical chemistry course. The concepts and problems in which students faced difficulty were first identified by assessing students'…
1. Challenge of Engaging All Students via Self-Paced Interactive Electronic Learning Tutorials for Introductory Physics
Science.gov (United States)
DeVore, Seth; Marshman, Emily; Singh, Chandralekha
2017-01-01
As research-based, self-paced electronic learning tools become increasingly available, a critical issue educators encounter is implementing strategies to ensure that all students engage with them as intended. Here, we first discuss the effectiveness of electronic learning tutorials as self-paced learning tools in large enrollment brick and mortar…
2. Improving Middle School Quality in Poor Countries: Evidence from the Honduran "Sistema De Aprendizaje Tutorial"
Science.gov (United States)
McEwan, Patrick J.; Murphy-Graham, Erin; Torres Irribarra, David; Aguilar, Claudia; Rápalo, Renán
2015-01-01
This article evaluates the impact and cost-effectiveness of offering an innovative middle school model--the Sistema de Aprendizaje Tutorial (SAT)--to Honduran villages instead of traditional middle schools. We identified a matched sample of villages with either type of school and collected baseline data among primary school graduates eligible to…
3. Social Responsibility and Community Development: Lessons from the Sistema de Aprendizaje Tutorial in Honduras
Science.gov (United States)
Honeyman, Catherine A.
2010-01-01
This article extends understanding of the connections between education, social capital, and development through a mixed-methods case study of the Sistema de Aprendizaje Tutorial, or SAT, an innovative secondary-level education system. The quantitative dimension of the research used survey measures of social responsibility to compare 93 SAT…
4. A Tutorial Programme to Enhance Psychiatry Learning Processes within a PBL-Based Course
Science.gov (United States)
Hood, Sean; Chapman, Elaine
2011-01-01
This paper describes a tutorial programme developed at the University of Western Australia (UWA) to enhance medical students' learning processes within problem-based learning contexts. The programme encourages students to use more effective learning approaches by scaffolding the development of effective problem-solving strategies, and by reducing…
5. Supporting motivation, task performance and retention in video tutorials for software training
NARCIS (Netherlands)
van der Meij, Hans; van der Meij, Jan; Voerman, Tessa; Duipmans, Evert
2017-01-01
Video tutorials for software training are becoming more and more popular, but their construction and effectiveness is understudied. This paper presents a theoretical model that combines demonstration-based training (DBT) and multimedia learning theory as a framework for design. The study
6. Video-Tutorial de la base de datos “Grape Genome Browser”
OpenAIRE
Cross, Ismael; Rebordinos, Laureana
2012-01-01
En este video-tutorial se puede aprender a manejar la base de datos de internet donde está depositada la secuencia del genoma de la vid y acceder e interpretar los resultados de las búsquedas así como la integración con otras bases de datos.
7. Face-to-face talk and synchronous chat as learning tools in tutorial ...
African Journals Online (AJOL)
The findings suggest that although synchronous chat and small-group discussion share certain characteristics, they are also distinct in several significant ways. The implications that these differences hold for language instruction are then discussed. Keywords: synchronous CMC, tutorials, CLT, group work, blended learning, ...
8. You Know Arnold Schwarzenegger? On Doing Questioning in Second Language Dyadic Tutorials
Science.gov (United States)
Belhiah, Hassan
2012-01-01
This study analyses question-answer (QA) sequences in second language tutorial interaction. Using conversation analysis methodology as an analytical tool, the study demonstrates how the act of questioning is a dominant form of interaction in tutoring discourse. The doing of questioning is accomplished through a myriad of forms other than…
9. Tutorial Facilitation in the Humanities Based on the Tenets of Carl Rogers
Science.gov (United States)
Heim, Caroline
2012-01-01
This article introduces a model for group facilitation in the humanities based on Carl Rogers' model for group psychotherapy. Certain aspects of Carl Rogers' reflective learning strategies are reappraised and principles, specific only to psychotherapy, are introduced. Five of Rogers' axioms are applied to the tutorial discussion model: a…
10. Deliverable 2: tutorial on internet services for SURFnet4 Infrastructure Project 1998
NARCIS (Netherlands)
Chimento, P.F.
1998-01-01
This document contains a tutorial on the recent work in the area of offering services in the Internet. We cover the principles and some of the details of In- tegrated Services and Differentiated Services. We also explain the relationship to RSVP of each of these architectures. Finally, we draw some
11. Determinants of Student Satisfaction in Online Tutorial: A Study of A Distance Education Institution
Science.gov (United States)
Harsasi, Meirani; Sutawijaya, Adrian
2018-01-01
Education system nowadays tends to utilize online learning, including in higher education. Online learning system becomes a major requirement in implementing learning process, including in Indonesia. Universitas Terbuka has implemented online learning system known as online tutorials to support the distance learning system. One interesting issue…
12. A Web-Based Comparative Genomics Tutorial for Investigating Microbial Genomes
Directory of Open Access Journals (Sweden)
Michael Strong
2009-12-01
Full Text Available As the number of completely sequenced microbial genomes continues to rise at an impressive rate, it is important to prepare students with the skills necessary to investigate microorganisms at the genomic level. As a part of the core curriculum for first-year graduate students in the biological sciences, we have implemented a web-based tutorial to introduce students to the fields of comparative and functional genomics. The tutorial focuses on recent computational methods for identifying functionally linked genes and proteins on a genome-wide scale and was used to introduce students to the Rosetta Stone, Phylogenetic Profile, conserved Gene Neighbor, and Operon computational methods. Students learned to use a number of publicly available web servers and databases to identify functionally linked genes in the Escherichia coli genome, with emphasis on genome organization and operon structure. The overall effectiveness of the tutorial was assessed based on student evaluations and homework assignments. The tutorial is available to other educators at http://www.doe-mbi.ucla.edu/~strong/m253.php.
13. Impacts of Directed Tutorial Activities in Computer Conferencing: A Case Study
Science.gov (United States)
Painter, Clare; Coffin, Caroline; Hewings, Ann
2003-01-01
This paper describes a qualitative study of asynchronous electronic conferencing by three tutorial groups on the same postgraduate course ("Teaching English to Speakers of Other Languages Worldwide"), forming part of an MA in Applied Linguistics (via Distance Education) at the Open University, UK. The groups varied in the degree to which…
14. Teaching Self-Management: The Design and Implementation of Self-Management Tutorials
Science.gov (United States)
Gerhardt, Megan
2007-01-01
Learning the skills of self-management is an essential task for students in the 21st century. A total of 223 undergraduate students participated in 4 self-management tutorials that presented the components of understanding and mastering self-management skills including (a) self-assessment, (b) goal setting, (c) time management, and (d)…
15. A Tutorial for the Student Edition (Release 1.1) of Minitab.
Science.gov (United States)
MacFarland, Thomas W.; Hou, Cheng-I
This guide for using Minitab requires DOS version 2.0 or greater, 512K RAM memory, two double-sided diskette drives, and a graphics monitor. Topics covered in the tutorial are Getting started; Installation; Making a data diskette; Entering data; Central tendency and dispersion; t-test; Chi-square test; Oneway ANOVA test; Twoway ANOVA test; and…
16. A tutorial on how to do a Mokken scale analysis on your test and questionnaire data
NARCIS (Netherlands)
Sijtsma, K.; van der Ark, L.A.
Over the past decade, Mokken scale analysis (MSA) has rapidly grown in popularity among researchers from many different research areas. This tutorial provides researchers with a set of techniques and a procedure for their application, such that the construction of scales that have superior
17. A tutorial on how to do a Mokken scale analysis on your test and questionnaire data
NARCIS (Netherlands)
Sijtsma, K.; van der Ark, L.A.
2017-01-01
Over the past decade, Mokken scale analysis (MSA) has rapidly grown in popularity among researchers from many different research areas. This tutorial provides researchers with a set of techniques and a procedure for their application, such that the construction of scales that have superior
18. Cultivating Undergraduates' Plagiarism Avoidance Knowledge and Skills with an Online Tutorial System
Science.gov (United States)
Liu, Gi-Zen; Lu, Hui-Ching; Lin, Vivien; Hsu, Wei-Chen
2018-01-01
With the increased use of digital materials, undergraduate writers in English as a foreign language (EFL) contexts have become more susceptible to plagiarism. In this study, the researchers designed a blended English writing course with an online writing tutorial system entitled "DWright." The study examined the effectiveness of the…
19. Effect of Tutorial Mode of Computer-Assisted Instruction on Students ...
African Journals Online (AJOL)
This study investigated the effect of Tutorial Mode of Computer- Assisted Instruction (CAI) on students' academic performance in practical geography in Nigeria, However, the sample population of eighty (80) Senior Secondary School Two geography students that were randomly selected from two privately owned secondary ...
20. The Development of e-tutorial on Implementation National Curriculum 2013 for Mathematics Teacher
Science.gov (United States)
Roza, Yenita; Satria, Gita; Nur Siregar, Syarifah
2017-06-01
Curriculum 2013 is the new national Curriculum in Indonesia that is targeted to be used in all Indonesian schools in 2019. At this time the teacher training continues but the number and locations of teachers very diffuse and time constraints to be an obstacle for the government to be able to conduct training for teachers. This research resulted in the e-tutorial which is designed for mathematics teachers in studying the process of Curriculum implementation. This product will assist the government in accelerating the preparation of teachers in implementation of Curriculum 2013. This e-tutorial contains the dynamics of Curriculum development, learning model, learning assessment, lesson plan, curriculum stages of implementation and government regulation that is relevant to the implementation of Curriculum 2013. The product development started with a needs analysis through discussions with mathematics teachers about their difficulties in the implementation of the Curriculum 2013. This e-tutorial was developed using Application of Adobe Director 11. This paper discusses the results of need analysis, process development and results of product revisions made based on input from teachers during the FGD. From the discussion, it can be concluded that this e-tutorial easily understood by teachers and help them to understand the implementation of Curriculum 2013
1. Investigating Learning with an Interactive Tutorial: A Mixed-Methods Strategy
Science.gov (United States)
de Villiers, M. R.; Becker, Daphne
2017-01-01
From the perspective of parallel mixed-methods research, this paper describes interactivity research that employed usability-testing technology to analyse cognitive learning processes; personal learning styles and times; and errors-and-recovery of learners using an interactive e-learning tutorial called "Relations." "Relations"…
2. Challenge of engaging all students via self-paced interactive electronic learning tutorials for introductory physics
Science.gov (United States)
DeVore, Seth; Marshman, Emily; Singh, Chandralekha
2017-06-01
As research-based, self-paced electronic learning tools become increasingly available, a critical issue educators encounter is implementing strategies to ensure that all students engage with them as intended. Here, we first discuss the effectiveness of electronic learning tutorials as self-paced learning tools in large enrollment brick and mortar introductory physics courses and then propose a framework for helping students engage effectively with the learning tools. The tutorials were developed via research in physics education and were found to be effective for a diverse group of introductory physics students in one-on-one implementation. Instructors encouraged the use of these tools in a self-paced learning environment by telling students that they would be helpful for solving the assigned homework problems and that the underlying physics principles in the tutorial problems would be similar to those in the in-class quizzes (which we call paired problems). We find that many students in the courses in which these interactive electronic learning tutorials were assigned as a self-study tool performed poorly on the paired problems. In contrast, a majority of student volunteers in one-on-one implementation greatly benefited from the tutorials and performed well on the paired problems. The significantly lower overall performance on paired problems administered as an in-class quiz compared to the performance of student volunteers who used the research-based tutorials in one-on-one implementation suggests that many students enrolled in introductory physics courses did not effectively engage with the tutorials outside of class and may have only used them superficially. The findings suggest that many students in need of out-of-class remediation via self-paced learning tools may have difficulty motivating themselves and may lack the self-regulation and time-management skills to engage effectively with tools specially designed to help them learn at their own pace. We
3. Challenge of engaging all students via self-paced interactive electronic learning tutorials for introductory physics
Directory of Open Access Journals (Sweden)
Seth DeVore
2017-05-01
Full Text Available As research-based, self-paced electronic learning tools become increasingly available, a critical issue educators encounter is implementing strategies to ensure that all students engage with them as intended. Here, we first discuss the effectiveness of electronic learning tutorials as self-paced learning tools in large enrollment brick and mortar introductory physics courses and then propose a framework for helping students engage effectively with the learning tools. The tutorials were developed via research in physics education and were found to be effective for a diverse group of introductory physics students in one-on-one implementation. Instructors encouraged the use of these tools in a self-paced learning environment by telling students that they would be helpful for solving the assigned homework problems and that the underlying physics principles in the tutorial problems would be similar to those in the in-class quizzes (which we call paired problems. We find that many students in the courses in which these interactive electronic learning tutorials were assigned as a self-study tool performed poorly on the paired problems. In contrast, a majority of student volunteers in one-on-one implementation greatly benefited from the tutorials and performed well on the paired problems. The significantly lower overall performance on paired problems administered as an in-class quiz compared to the performance of student volunteers who used the research-based tutorials in one-on-one implementation suggests that many students enrolled in introductory physics courses did not effectively engage with the tutorials outside of class and may have only used them superficially. The findings suggest that many students in need of out-of-class remediation via self-paced learning tools may have difficulty motivating themselves and may lack the self-regulation and time-management skills to engage effectively with tools specially designed to help them learn at their
4. Highlighting relatedness promotes prosocial motives and behavior.
Science.gov (United States)
Pavey, Louisa; Greitemeyer, Tobias; Sparks, Paul
2011-07-01
According to self-determination theory, people have three basic psychological needs: relatedness, competence, and autonomy. Of these, the authors reasoned that relatedness need satisfaction is particularly important for promoting prosocial behavior because of the increased sense of connectedness to others that this engenders. In Experiment 1, the authors manipulated relatedness, autonomy, competence, or gave participants a neutral task, and found that highlighting relatedness led to higher interest in volunteering and intentions to volunteer relative to the other conditions. Experiment 2 found that writing about relatedness experiences promoted feelings of connectedness to others, which in turn predicted greater prosocial intentions. Experiment 3 found that relatedness manipulation participants donated significantly more money to charity than did participants given a neutral task. The results suggest that highlighting relatedness increases engagement in prosocial activities and are discussed in relation to the conflict and compatibility between individual and social outcomes. © 2011 by the Society for Personality and Social Psychology, Inc
5. Trends and highlights of VCI 2004
CERN Document Server
Fabjan, Christian Wolfgang
2004-01-01
This report attempts to summarize the presentations given at this conference. Topics related to R&D of gaseous and solid state detectors clearly point to several trends in particle physics instrumentation. More established techniques are represented by reports on recent experiments and facilities which can be considered the highlights in this research field. The extension of these techniques to space, arctic ice and deep sea are opening new frontiers of particle physics.
6. Highlights of LHC experiments – Part I
CERN Document Server
AUTHOR|(INSPIRE)INSPIRE-00072301; The ATLAS collaboration
2017-01-01
The superb performance of the LHC accelerator in 2016, in both live time and peak luminosity, has provided a large data sample of collisions at 13 TeV. Excellent performances of the ATLAS and LHCb detectors, together with highly performant offline and analysis systems, mean that a wealth of results are already available from 13 TeV data. Selected highlights are reported here.
7. ENC 2010 European nuclear congress - Conference highlights
Energy Technology Data Exchange (ETDEWEB)
Bonin, B. [European Nuclear Society (ENS), Bern (Switzerland)
2010-11-15
This synthetical paper presents the main progress, trends or achievements that have appeared through the 450 communications of this conference. The highlights are reported according to 11 issues: 1) general nuclear situation and policy, 2) life extension, 3) standardisation, 4) safety, 5) fuel cycle, 6) dismantling techniques and waste management, 7) research reactors, 8) fusion, 9) nuclear applications in life sciences, 10) education and training, 11) networks and research structures
8. Multimedia Tutorial In Physics For Foreign Students Of the Engineering Faculty Preparatory Department
Directory of Open Access Journals (Sweden)
P. G. Matukhin
2016-05-01
Full Text Available Foreign students study physics and Russian as a foreign language at the preparatory Department. They are to be trained to study different courses. During only one year the teachers of physics and Russian should help students from Asia, Africa and Latin America to get ready to study in the university. To help students in a short time to learn physical terms, to understand physics by ear, to read and write, teachers are developing the online multimedia tutorial. It is placed on the cloud OneDrive. Tutorial includes the main themes in the Mechanics. They are physical processes and phenomena, units, physical quantities, kinematics, laws of mechanics and others. The Power Point presentation slides contain information on the topics. These slides help students learn to read Russian texts on physics. There are hyperlinks to sound files on slides. Listening to those recordings, students gain the skills of physical texts listening. After each module we placed the test. Students can prepare for it using the simulator. Tests and exercise equipment made in the form of EXCEL spreadsheets. We provide our students the opportunity to view, read and listen, the tutorial files via their own mobile devices. Thus they can study physics in Russian in the classroom, or at home, but in the library, in the Park etc. Also they have access to it when they are not in Russia, and in their native countries. The tutorial presented seems to be considered as the first attempt to develop the online multimedia aimed to assist foreign students to get success in their efforts to study physics in Russian. It helps our students to learn physics in Russian faster and better. Determined are the directions of further development and improvement of the tutorial.
9. The Effectiveness of a 3D Computerized Tutorial to Enhance Learning of the Canine Larynx and Hyoid Apparatus.
Science.gov (United States)
Nemanic, Sarah; Mills, Serena; Viehdorfer, Matt; Clark, Terri; Bailey, Mike
Teaching the anatomy of the canine larynx and hyoid apparatus is challenging because dissection disassembles and/or damages these structures, making it difficult to understand their three-dimensional (3D) anatomy and spatial interrelationships. This study assessed the effectiveness of an interactive, computerized 3D tutorial for teaching the anatomy of the canine larynx and hyoid apparatus using a randomized control design with students enrolled in the first-year professional program at Oregon State University College of Veterinary Medicine. All first-year students from 2 consecutive years were eligible. All students received the traditional methods of didactic teaching and dissection to learn the anatomy of the canine larynx and hyoid apparatus, after which they were divided into two statistically equal groups based on their cumulative anatomy test scores from the prior term. The tutorial group received an interactive, computerized tutorial developed by the investigators containing 3D images of the canine larynx and hyoid apparatus, while the control group received the same 3D images without the computerized tutorial. Both groups received the same post-learning assessment and survey. Sixty-three first-year students participated in the study, 28 in the tutorial group, and 35 in the control group. Post-learning assessment and survey scores were both significantly higher among students in the computerized tutorial group than those in the control group. This study demonstrates that a 3D computerized tutorial is more effective in teaching the anatomy of the canine hyoid apparatus and larynx than 3D images without a tutorial. Students likewise rated their learning experience higher when using the 3D computerized tutorial.
10. Optimizing Mass Spectrometry Analyses: A Tailored Review on the Utility of Design of Experiments.
Science.gov (United States)
Hecht, Elizabeth S; Oberg, Ann L; Muddiman, David C
2016-05-01
Mass spectrometry (MS) has emerged as a tool that can analyze nearly all classes of molecules, with its scope rapidly expanding in the areas of post-translational modifications, MS instrumentation, and many others. Yet integration of novel analyte preparatory and purification methods with existing or novel mass spectrometers can introduce new challenges for MS sensitivity. The mechanisms that govern detection by MS are particularly complex and interdependent, including ionization efficiency, ion suppression, and transmission. Performance of both off-line and MS methods can be optimized separately or, when appropriate, simultaneously through statistical designs, broadly referred to as "design of experiments" (DOE). The following review provides a tutorial-like guide into the selection of DOE for MS experiments, the practices for modeling and optimization of response variables, and the available software tools that support DOE implementation in any laboratory. This review comes 3 years after the latest DOE review (Hibbert DB, 2012), which provided a comprehensive overview on the types of designs available and their statistical construction. Since that time, new classes of DOE, such as the definitive screening design, have emerged and new calls have been made for mass spectrometrists to adopt the practice. Rather than exhaustively cover all possible designs, we have highlighted the three most practical DOE classes available to mass spectrometrists. This review further differentiates itself by providing expert recommendations for experimental setup and defining DOE entirely in the context of three case-studies that highlight the utility of different designs to achieve different goals. A step-by-step tutorial is also provided.
11. Highlights and Perspectives from the CMS Experiment
Energy Technology Data Exchange (ETDEWEB)
Butler, Joel Nathan [Fermilab
2017-09-09
In 2016, the Large Hadron Collider provided proton-proton collisions at 13 TeV center-of-mass energy and achieved very high luminosity and reliability. The performance of the CMS Experiment in this running period and a selection of recent physics results are presented. These include precision measurements and searches for new particles. The status and prospects for data-taking in 2017 and a brief summary of the highlights of the High Luminosity (HL-LHC) upgrade of the CMS detector are also presented.
12. Fermi GBM: Highlights from the First Year
Science.gov (United States)
Wilson-Hodge, Colleen A.
2009-01-01
The Fermi Gamma ray Burst Monitor is an all-sky instrument sensitive to photons from about 8 keV to 40 MeV. I will summarize highlights from the first year, including triggered observations of gamma ray bursts, soft gamma ray repeaters, and terrestrial gamma flashes, and observations in the continuous data of X-ray binaries and accreting X-ray pulsars. GBM provides complementary observations to Swift/BAT, observing many of the same sources, but over a wider energy range.
13. Highlights of the SSC Site Development Plan
International Nuclear Information System (INIS)
Sanford, J.R.
1991-10-01
This paper summarizes highlights of the Site Development Plan for the Superconducting Super Collider Laboratory. The Plan, sometimes called a Master Plan, was prepared by the architectural and engineering firm for the Laboratory: Parsons Brinckerhoff/Morrison Knudsen (PB/MK) working in association with CRSS. Their task was to interpret the SSC project needs in the context of the Ellis County, Texas site. The team effort was under the direction of Lewis May from CRSS, guided by Robert Sims from the SSC Laboratory. Conceptual drawings are presented in this report
14. Some physics highlights from the EUROBALL spectrometer
International Nuclear Information System (INIS)
Korten, W.
2004-01-01
The latest generation of large γ-ray spectrometers, such as EUROBALL, has boosted the explorations of nuclei under extreme conditions especially at the limits of angular momentum and at finite temperatures. But the coupling of this instrument to very selective ''ancillary'' devices allows for more and more refined investigations of the third important degree of freedom in contemporary nuclear-structure studies, the isospin. This contribution summarises some of the recent highlights from the physics at EUROBALL obtained in some of the different areas of nuclear-structure research
15. Research highlights of partial neuromuscular disorders
Directory of Open Access Journals (Sweden)
Cheng ZHANG
2014-05-01
Full Text Available In order to understand the latest progression on neuromuscular disorders for clinicians, this review screened and systemized the papers on neuromuscular disorders which were collected by PubMed from January 2013 to February 2014. This review also introduced the clinical diagnosis and treatment hightlights on glycogen storage disease type Ⅱ (GSD Ⅱ, Duchenne muscular dystrophy (DMD, amyotrophic lateral sclerosis (ALS and spinal muscular atrophy (SMA. The important references will be useful for clinicians. doi: 10.3969/j.issn.1672-6731.2014.05.004
16. Transcript for Evaluating Internet Health Information: A Tutorial
Science.gov (United States)
... to an online shop that allows visitors to purchase products. A site's main purpose may be to ... editorial board," "selection policy," or "review process" can point you in the right direction. Let's see if ...
17. Syndicate of renewable energies - Highlights 2015
International Nuclear Information System (INIS)
2016-01-01
This publication first proposes a presentation of the SER (Syndicat des Energies Renouvelables, Syndicate of Renewable Energies), a professional body: missions, scope of action, members. It outlines its commitment in the French policy for energy transition as a major actor of the sector of renewable energies. It addresses the legal and regulatory framework by indicating evolutions introduced by the French law for energy transition and for a green growth for the different renewable energies (hydroelectricity, wind energy, solar photovoltaic, geothermal, biofuels and bio-energies, biogas), by the new regimes of authorisations for onshore wind energy, methanization and hydroelectricity, and by the law for growth, activity and equality of economic opportunities. It proposes brief presentations of transverse actions (agreements, meetings, partnership in exhibitions, commitment in the COP21), and of actions regarding power grids, overseas territories, or the building sector. Some highlights related bio-energy sectors, geothermal energy, onshore wind energy, renewable marine energies and offshore wind energy, solar photovoltaic energy, hydroelectricity, or solar thermodynamic energy are mentioned. These highlights may concern legal, organisational, political or financial frameworks. Actions in the field of communication are indicated, and projects for 2016 are briefly indicated
18. Astonishing the wild pigs highlights of technology
CERN Document Server
Trueb, Lucien F; Stuber, Fred A
2015-01-01
A hydraulic machine for astonishing wild pigs was one of the many technological highlights the author encountered in the course of his career as a research scientist and science writer. Writing a book about them, never taking more (or less) than two printed pages for each of 146 subjects was a very special challenge. The book covers fundamentally important achievements of technology that directly impacted mankind or even profoundly changed it. Many of those highlights are quite new, at least one of them (power generation by nuclear fusion) is not available yet. But particularly ingenious things dating way back were also included, as they are the base of our technical civilization Good examples are ceramics as well as copper, bronze and iron; whole periods of history have been named for the latter three. The analog computer of Antikythera used for stellar navigation was made some 2100 years ago, gunpowder was used in China as early as 1044 A.D., the astronomical clock in the Strasburg cathedral was built in th...
19. Changing scene highlights III. [Iowa State University
Energy Technology Data Exchange (ETDEWEB)
Fassel, V. A.; Harl, Neil E.; Legvold, Sam; Ruedenberg, Klaus; Swenson, Clayton A.; Burnet, George; Fisher, Ray W.; Gschneidner, Karl A.; Hansen, Robert S.; Kliewer, Kenneth L.; Wildman, Ruth
1979-01-01
The research programs in progress at Ames Laboratory, Iowa State University, are reviewed: hydrogen (storage), materials, catalysts, TRISTAN (their laboratory isotope separator), coal preparation, coal classification, land reclamation (after surface mining, nitinol, neutron radiography, grain dust explosions, biomass conversion, etc). (LTC)
20. Resources, Number 39. Some Highlights of 1971.
Science.gov (United States)
Resources for the Future, Inc., Washington, DC.
Focusing on some significant events of 1971 relating to the use and management of natural resources, this report points out that environmental concern is coming of age. Government activities, congressional messages and action, major court cases, and citizen action are reviewed in the light of growing public acceptance of environmental quality as…
1. Highlights of modern astrophysics: Concepts and controversies
International Nuclear Information System (INIS)
Shapiro, S.L.; Teukolsky, V.
1986-01-01
In this book, physicists and astronomers review issues in astrophysics. The book stresses accomplishments of observational and theoretical work, and demonstrates how to reveal information about stars and galaxies by applying the basic principles of physics. It pinpoints conflicting views and findings on important topics and indicates possibilities for future research in the field of modern astrophysics
2. FY 1996 Congressional budget request: Budget highlights
Energy Technology Data Exchange (ETDEWEB)
1995-02-01
The FY 1996 budget presentation is organized by the Departments major business lines. An accompanying chart displays the request for new budget authority. The report compares the budget request for FY 1996 with the appropriated FY 1995 funding levels displayed on a comparable basis. The FY 1996 budget represents the first year of a five year plan in which the Department will reduce its spending by $15.8 billion in budget authority and by$14.1 billion in outlays. FY 1996 is a transition year as the Department embarks on its multiyear effort to do more with less. The Budget Highlights are presented by business line; however, the fifth business line, Economic Productivity, which is described in the Policy Overview section, cuts across multiple organizational missions, funding levels and activities and is therefore included in the discussion of the other four business lines.
3. Highlights from NuFact05
CERN Multimedia
CERN. Geneva; Landua, Rolf
2005-01-01
The 7th International Workshop on Neutrino Factories and Superbeams was held in Frascati in June 2005 with nearly 200 participants. The most recent progress in the design of future neutrino facilities was described, including novel ideas in detectors, and many issues were raised. The International Scoping Study (ISS) for a future Neutrino Facility which would incorporate a Neutrino Factory and/or a high intensity Neutrino Superbeam was launched at that occasion. Built upon previous studies in the USA, Europe and Japan, it will aim to i) define the physics case and a baseline design for such a facility including the related neutrino detection systems, ii) identify the required research and development programme and iii) perform comparisons with other options such as beta beams. The highlights of the meeting and the upcoming studies will be presented.
4. Research highlights: impacts of microplastics on plankton.
Science.gov (United States)
Lin, Vivian S
2016-02-01
Each year, millions of metric tons of the plastic produced for food packaging, personal care products, fishing gear, and other human activities end up in lakes, rivers, and the ocean. The breakdown of these primary plastics in the environment results in microplastics, small fragments of plastic typically less than 1-5 mm in size. These synthetic particles have been detected in all of the world's oceans and also in many freshwater systems, accumulating in sediment, on shorelines, suspended in surface waters, and being ingested by plankton, fish, birds, and marine mammals. While the occurrence of plastics in surface waters has been surveyed in a number of studies, the impacts of microplastics on marine organisms are still being elucidated. This highlight features three recent publications that explore the interactions of microplastics with planktonic organisms to clarify the effects of these pollutants on some of the ocean's smallest and most important inhabitants.
5. LHC INAUGURATION, LHC Fest highlights: exhibition time!
CERN Multimedia
2008-01-01
David Gross, one of the twenty-one Nobel Laureates who have participated in the project.Tuesday 21 October 2008 Accelerating Nobels Colliding Charm, Atomic Cuisine, The Good Anomaly, A Quark Somewhere on the White Paper, Wire Proliferation, A Tale of Two Liquids … these are just some of the titles given to artworks by Physics Nobel Laureates who agreed to make drawings of their prize-winning discoveries (more or less reluctantly) during a special photo session. Science photographer Volker Steger made portraits of Physics Nobel Laureates and before the photo sessions he asked them to make a drawing of their most important discovery. The result is "Accelerating Nobels", an exhibition that combines unusual portraits of and original drawings by twenty-one Nobel laureates in physics whose work is closely related to CERN and the LHC. This exhibition will be one of the highlights of the LHC celebrations on 21 October in the SM18 hall b...
6. Transport Task Force workshop: basic experiments highlights
Energy Technology Data Exchange (ETDEWEB)
Linford, R.K. (Los Alamos National Lab., NM (USA)); Luckhardt, S. (Massachusetts Inst. of Tech., Cambridge, MA (USA)); Lyon, J.F. (Oak Ridge National Lab., TN (USA)); Navratil, G.A. (Columbia Univ., New York, NY (USA)); Schoenberg, K.F. (Los Alamos National Lab., NM (USA))
1990-01-01
Selected topics are summarized from the Basic Experiments session of the Transport Task Force Workshop held August 21-24, 1989, in San Diego, California. This session included presentations on paradigm experiments, stellarators, reversed-field pinches, and advanced tokamaks. Recent advances in all of these areas illustrate the importance of these experiments in advancing our understanding of toroidal transport. Progress has been made in measuring the details of particle diffusion, isolating specific modes, measuring fluctuation variations with field geometry and beta, and comparing all these with theoretical predictions. The development of experimental tools for determining which fluctuations dominate transport are also reported. Continued significant advances are anticipated in a number of areas highlighted. (author).
7. Transport Task Force workshop: basic experiments highlights
International Nuclear Information System (INIS)
Linford, R.K.; Luckhardt, S.; Lyon, J.F.; Navratil, G.A.; Schoenberg, K.F.
1990-01-01
Selected topics are summarized from the Basic Experiments session of the Transport Task Force Workshop held August 21-24, 1989, in San Diego, California. This session included presentations on paradigm experiments, stellarators, reversed-field pinches, and advanced tokamaks. Recent advances in all of these areas illustrate the importance of these experiments in advancing our understanding of toroidal transport. Progress has been made in measuring the details of particle diffusion, isolating specific modes, measuring fluctuation variations with field geometry and beta, and comparing all these with theoretical predictions. The development of experimental tools for determining which fluctuations dominate transport are also reported. Continued significant advances are anticipated in a number of areas highlighted. (author)
8. Symmetric configurations highlighted by collective quantum coherence
Energy Technology Data Exchange (ETDEWEB)
Obster, Dennis [Radboud University, Institute for Mathematics, Astrophysics and Particle Physics, Nijmegen (Netherlands); Kyoto University, Yukawa Institute for Theoretical Physics, Kyoto (Japan); Sasakura, Naoki [Kyoto University, Yukawa Institute for Theoretical Physics, Kyoto (Japan)
2017-11-15
Recent developments in quantum gravity have shown the Lorentzian treatment to be a fruitful approach towards the emergence of macroscopic space-times. In this paper, we discuss another related aspect of the Lorentzian treatment: we argue that collective quantum coherence may provide a simple mechanism for highlighting symmetric configurations over generic non-symmetric ones. After presenting the general framework of the mechanism, we show the phenomenon in some concrete simple examples in the randomly connected tensor network, which is tightly related to a certain model of quantum gravity, i.e., the canonical tensor model. We find large peaks at configurations invariant under Lie-group symmetries as well as a preference for charge quantization, even in the Abelian case. In future study, this simple mechanism may provide a way to analyze the emergence of macroscopic space-times with global symmetries as well as various other symmetries existing in nature, which are usually postulated. (orig.)
9. Physical Sciences 2007 Science & Technology Highlights
Energy Technology Data Exchange (ETDEWEB)
Hazi, A U
2008-04-07
The Physical Sciences Directorate applies frontier physics and technology to grand challenges in national security. Our highly integrated and multidisciplinary research program involves collaborations throughout Lawrence Livermore National Laboratory, the National Nuclear Security Administration, the Department of Energy, and with academic and industrial partners. The Directorate has a budget of approximately $150 million, and a staff of approximately 350 employees. Our scientists provide expertise in condensed matter and high-pressure physics, plasma physics, high-energy-density science, fusion energy science and technology, nuclear and particle physics, accelerator physics, radiation detection, optical science, biotechnology, and astrophysics. This document highlights the outstanding research and development activities in the Physical Sciences Directorate that made news in 2007. It also summarizes the awards and recognition received by members of the Directorate in 2007. 10. Highlights from the 9th Cachexia Conference. Science.gov (United States) Ebner, Nicole; von Haehling, Stephan 2017-06-01 This article highlights updates of pathways as well as pre-clinical and clinical studies into the field of wasting disorders that were presented at the 9th Cachexia Conference held in Berlin, Germany, December 2016. This year, some interesting results from clinical trials and different new therapeutic targets were shown. This article presents the biological and clinical significance of different markers and new diagnostic tools and cut-offs of detecting skeletal muscle wasting. Effective treatments of cachexia and wasting disorders are urgently needed in order to improve the patients' quality of life and their survival. © 2017 The Authors. Journal of Cachexia, Sarcopenia and Muscle published by John Wiley & Sons Ltd on behalf of the Society on Sarcopenia, Cachexia and Wasting Disorders. 11. Syndicate of renewable energies - Highlights 2016 International Nuclear Information System (INIS) 2017-01-01 This publication first proposes a presentation of the SER (Syndicat des Energies Renouvelables, Syndicate of Renewable Energies), a professional body: missions, scope of action, members. It outlines its commitment in the French policy for energy transition as a major actor of the sector of renewable energies. It addresses the legal and regulatory framework as well as the economic framework and markets. It proposes brief presentations of transverse actions regarding power grids, overseas territories, the building sector and the international export. Some highlights related to ground-based wind power, renewable marine energies and offshore wind energy, solar photovoltaic energy, bio-energies (wood-fueled power plants for collective, tertiary and industrial sectors, biogas, biofuels and municipal wastes), domestic wood space heating, geothermal energy and hydroelectricity are mentioned. Actions in the field of communication are summarized, and projects for 2017 are briefly indicated 12. ATOMLLL: atoms with shading and highlights International Nuclear Information System (INIS) Max, N.L.; y. 1979-01-01 The ATOMS program, written at Bell Telephone Laboratory, is capable of determining the visible portions of a scene consisting of interpenetrating spheres and cylinders, put together to represent space-filling or ball-and-stick molecular models. The Lawrence Livermore Laboratory version contains enhancements to add shading and highlights, and to render the spheres on film as ellipses, so they will appear round when projected in various wide-screen formats. The visible parts of each sphere or cylinder are shaded by a minicomputer controlling the film recorder, thus releasing the main computer from transferring the millions of intensity values for each frame. The minicomputer is microprogrammed with an efficient algorithm for the intensities, which uses the color look-up tables in the film recorder to store the reflectance as a function of angle of incidence. 8 references 13. Research highlights: microfluidics meets big data. Science.gov (United States) Tseng, Peter; Weaver, Westbrook M; Masaeli, Mahdokht; Owsley, Keegan; Di Carlo, Dino 2014-03-07 In this issue we highlight a collection of recent work in which microfluidic parallelization and automation have been employed to address the increasing need for large amounts of quantitative data concerning cellular function--from correlating microRNA levels to protein expression, increasing the throughput and reducing the noise when studying protein dynamics in single-cells, and understanding how signal dynamics encodes information. The painstaking dissection of cellular pathways one protein at a time appears to be coming to an end, leading to more rapid discoveries which will inevitably translate to better cellular control--in producing useful gene products and treating disease at the individual cell level. From these studies it is also clear that development of large scale mutant or fusion libraries, automation of microscopy, image analysis, and data extraction will be key components as microfluidics contributes its strengths to aid systems biology moving forward. 14. AGILE Data Center and AGILE science highlights International Nuclear Information System (INIS) Pittori, C. 2013-01-01 AGILE is a scientific mission of the Italian Space Agency (ASI) with INFN, INAF e CIFS participation, devoted to gamma-ray astrophysics. The satellite is in orbit since April 23rd, 2007. Gamma-ray astrophysics above 100 MeV is an exciting field of astronomical sciences that has received a strong impulse in recent years. Despite the small size and budget, AGILE produced several important scientific results, among which the unexpected discovery of strong and rapid gamma-ray flares from the Crab Nebula. This discovery won to the AGILE PI and the AGILE Team the prestigious Bruno Rossi Prize for 2012, an international recognition in the field of high energy astrophysics. We present here the AGILE data center main activities, and we give an overview of the AGILE scientific highlights after 5 years of operations 15. Physical Sciences 2007 Science and Technology Highlights International Nuclear Information System (INIS) Hazi, A.U. 2008-01-01 The Physical Sciences Directorate applies frontier physics and technology to grand challenges in national security. Our highly integrated and multidisciplinary research program involves collaborations throughout Lawrence Livermore National Laboratory, the National Nuclear Security Administration, the Department of Energy, and with academic and industrial partners. The Directorate has a budget of approximately$150 million, and a staff of approximately 350 employees. Our scientists provide expertise in condensed matter and high-pressure physics, plasma physics, high-energy-density science, fusion energy science and technology, nuclear and particle physics, accelerator physics, radiation detection, optical science, biotechnology, and astrophysics. This document highlights the outstanding research and development activities in the Physical Sciences Directorate that made news in 2007. It also summarizes the awards and recognition received by members of the Directorate in 2007
16. Brookhaven highlights, October 1978-September 1979
International Nuclear Information System (INIS)
1979-01-01
These highlights present an overview of the major research and development achievements at Brookhaven National Laboratory from October 1978 to September 1979. Specific areas covered include: accelerator and high energy physics programs; high energy physics research; the AGS and improvements to the AGS; neutral beam development; heavy ion fusion; superconducting power cables; ISABELLE storage rings; the BNL Tandem accelerator; heavy ion experiments at the Tandem; the High Flux Beam Reactor; medium energy physics; nuclear theory; atomic and applied physics; solid state physics; neutron scattering studies; x-ray scattering studies; solid state theory; defects and disorder in solids; surface physics; the National Synchrotron Light Source ; Chemistry Department; Biology Department; Medical Department; energy sciences; environmental sciences; energy technology programs; National Center for Analysis of Energy Systems; advanced reactor systems; nuclear safety; National Nuclear Data Center; nuclear materials safeguards; Applied Mathematics Department; and support activities
17. Highlights from LHC experiments and future perspectives
International Nuclear Information System (INIS)
Campana, P.
2016-01-01
The experiments at LHC are collecting a large amount of data in a kinematic of the (x, Q 2 ) variables never accessed before. Boosted by LHC analyses, Quantum Chromodynamics (QCD) is experiencing an impressive progress in the last few years, and even brighter perspectives can be foreseen for the future data taking. A subset of the most recent results from the LHC experiments in the area of QCD (both perturbative and soft) are reviewed
18. Quantitative Microbial Risk Assessment Tutorial Installation of Software for Watershed Modeling in Support of QMRA - Updated 2017
Science.gov (United States)
This tutorial provides instructions for accessing, retrieving, and downloading the following software to install on a host computer in support of Quantitative Microbial Risk Assessment (QMRA) modeling: • QMRA Installation • SDMProjectBuilder (which includes the Microbial ...
19. Medical student perceptions of factors affecting productivity of problem-based learning tutorial groups: does culture influence the outcome?
Science.gov (United States)
Das Carlo, Mandira; Swadi, Harith; Mpofu, Debbie
2003-01-01
The popularization of problem-based learning (PBL) has drawn attention to the motivational and cognitive skills necessary for medical students in group learning. This study identifies the effect of motivational and cognitive factors on group productivity of PBL tutorial groups. A self-administered questionnaire was completed by 115 students at the end of PBL tutorials for 4 themes. The questionnaire explored student perceptions about effect of motivation, cohesion, sponging, withdrawal, interaction, and elaboration on group productivity. We further analyzed (a) differences in perceptions between male and female students, (b) effect of "problems," and (c) effect of student progress over time on group productivity. There were linear relations between a tutorial group's success and the factors studied. Significant differences were noted between male and female student groups. Students and tutors need to recognize symptoms of ineffective PBL groups. Our study emphasizes the need to take into account cultural issues in setting ground rules for PBL tutorials.
20. Research and Teaching: Correlations between Students' Written Responses to Lecture-Tutorial Questions and Their Understandings of Key Astrophysics Concepts
Science.gov (United States)
Eckenrode, Jeffrey; Prather, Edward E.; Wallace, Colin S.
2016-01-01
This article reports on an investigation into the correlations between students' understandings of introductory astronomy concepts and the correctness and coherency of their written responses to targeted Lecture-Tutorial questions.
1. Clinical highlights from the 2016 European Respiratory Society International Congress
Directory of Open Access Journals (Sweden)
Nicolas Kahn
2017-04-01
Full Text Available This article contains highlights and a selection of the scientific advances from the European Respiratory Society (ERS Clinical Assembly (Assembly 1 and its six respective groups (Groups 1.1–1.6 that were presented at the 2016 ERS International Congress in London, UK. The most relevant topics for clinicians will be discussed, covering a wide range of areas including clinical problems, rehabilitation and chronic care, thoracic imaging, interventional pulmonology, diffuse and parenchymal lung diseases, and general practice and primary care. In this comprehensive review, the newest research and actual data will be discussed and put into perspective.
2. Hot subluminous stars: Highlights from the MUCHFUSS and Kepler missions
Directory of Open Access Journals (Sweden)
Geier S.
2013-03-01
Full Text Available Research into hot subdwarf stars is progressing rapidly. We present recent important discoveries. First we review the knowledge about magnetic fields in hot subdwarfs and highlight the first detection of a highly-magnetic, helium-rich sdO star. We briefly summarize recent discoveries based on Kepler light curves and finally introduce the closest known sdB+WD binary discovered by the MUCHFUSS project and discuss its relevance as a progenitor of a double-detonation type Ia supernova.
3. Merging in-silico and in vitro salivary protein complex partners using the STRING database: A tutorial.
Science.gov (United States)
Crosara, Karla Tonelli Bicalho; Moffa, Eduardo Buozi; Xiao, Yizhi; Siqueira, Walter Luiz
2018-01-16
Protein-protein interaction is a common physiological mechanism for protection and actions of proteins in an organism. The identification and characterization of protein-protein interactions in different organisms is necessary to better understand their physiology and to determine their efficacy. In a previous in vitro study using mass spectrometry, we identified 43 proteins that interact with histatin 1. Six previously documented interactors were confirmed and 37 novel partners were identified. In this tutorial, we aimed to demonstrate the usefulness of the STRING database for studying protein-protein interactions. We used an in-silico approach along with the STRING database (http://string-db.org/) and successfully performed a fast simulation of a novel constructed histatin 1 protein-protein network, including both the previously known and the predicted interactors, along with our newly identified interactors. Our study highlights the advantages and importance of applying bioinformatics tools to merge in-silico tactics with experimental in vitro findings for rapid advancement of our knowledge about protein-protein interactions. Our findings also indicate that bioinformatics tools such as the STRING protein network database can help predict potential interactions between proteins and thus serve as a guide for future steps in our exploration of the Human Interactome. Our study highlights the usefulness of the STRING protein database for studying protein-protein interactions. The STRING database can collect and integrate data about known and predicted protein-protein associations from many organisms, including both direct (physical) and indirect (functional) interactions, in an easy-to-use interface. Copyright © 2017 Elsevier B.V. All rights reserved.
4. Interactive video tutorials for enhancing problem solving, reasoning, and meta-cognitive skills of introductory physics students
OpenAIRE
Singh, Chandralekha
2016-01-01
We discuss the development of interactive video tutorial-based problems to help introductory physics students learn effective problem solving heuristics. The video tutorials present problem solving strategies using concrete examples in an interactive environment. They force students to follow a systematic approach to problem solving and students are required to solve sub-problems (research-guided multiple choice questions) to show their level of understanding at every stage of prob lem solvin...
5. Maintaining Quality While Expanding Our Reach: Using Online Information Literacy Tutorials in the Sciences and Health Sciences
OpenAIRE
Talitha Rosa Matlin; Tricia Lantzy
2017-01-01
Abstract Objective – This article aims to assess student achievement of higher-order information literacy learning outcomes from online tutorials as compared to in-person instruction in science and health science courses. Methods – Information literacy instruction via online tutorials or an in-person one-shot session was implemented in multiple sections of a biology (n=100) and a kinesiology course (n=54). After instruction, students in both instructional environments completed an ide...
6. The Possibility to Use Genetic Algorithms and Fuzzy Systems in the Development of Tutorial Systems
Directory of Open Access Journals (Sweden)
Anca Ioana ANDREESCU
2006-01-01
Full Text Available In this paper we are presenting state of the art information methods and techniques that can be applied in the development of efficient tutorial systems and also the possibility to use genetic algorithms and fuzzy systems in the construction of such systems. All this topics have been studied during the development of the research project INFOSOC entitled "Tutorial System based on Eduknowledge for Work Security and Health in SMEs According to the European Union Directives" accomplished by a teaching stuff from the Academy of Economic Studies, Bucharest, in collaboration with the National Institute for Research and Development in Work Security, the National Institute for Small and Middle Enterprises and SC Q’NET International srl.
7. An in-depth study of undergraduate tutorial system based on education and teaching integration reform
Directory of Open Access Journals (Sweden)
Fan Wenhui
2016-01-01
Full Text Available As personalized development for undergraduate is the trend of higher education development, the undergraduate tutors should play their role in the establishment of personalized personnel training mode. Based on reform practice of university education integration, this article gives a deepening research on the essence and implement methods of undergraduate tutorial system. To implement and strengthen the function of undergraduate tutorial system, we need to increase teachers’ comprehensive quality training, build a multiple-dimension, full-process and whole-staff-participation educational concept, absorb the enterprise mentors to give guidance on students’ career planning and implement the scientific and reasonable undergraduate administrative evaluation system. With continuous theory exploration and practice research, the quality of undergraduate talent training has been gradually improved.
8. A Multimedia Tutorial for Charged-Particle Beam Dynamics. Final report
International Nuclear Information System (INIS)
Silbar, Richard R.
1999-01-01
In September 1995 WhistleSoft, Inc., began developing a computer-based multimedia tutorial for charged-particle beam dynamics under Phase II of a Small Business Innovative Research grant from the U.S. Department of Energy. In Phase I of this project (see its Final Report) we had developed several prototype multimedia modules using an authoring system on NeXTStep computers. Such a platform was never our intended target, and when we began Phase II we decided to make the change immediately to develop our tutorial modules for the Windows and Macintosh microcomputer market. This Report details our progress and accomplishments. It also gives a flavor of the look and feel of the presently available and upcoming modules
9. Tutorial de calcul poromécanique avec le logiciel Abaqus
OpenAIRE
Bonelli, S.
2011-01-01
/ Ce tutorial est destiné à apprendre à réaliser avec Abaqus, sous CAE, un calcul de poroélasticité linéaire. Il est écrit de telle sorte que quelqu'un n'ayant jamais utilisé Abaqus, mais ayant des connaissances de base en mécanique des milieux poreux d'une part, et en éléments-finis d'autre part, puisse réaliser un tel calcul en partant de zéro. Toutefois, il ne s'agit en aucun cas d'un tutorial sur Abaqus ui-même, ni sur la méthode des éléments-finis.
10. A Multimedia Tutorial for Charged-Particle Beam Dynamics. Final report
Energy Technology Data Exchange (ETDEWEB)
Silbar, Richard R.
1999-07-26
In September 1995 WhistleSoft, Inc., began developing a computer-based multimedia tutorial for charged-particle beam dynamics under Phase II of a Small Business Innovative Research grant from the U.S. Department of Energy. In Phase I of this project (see its Final Report) we had developed several prototype multimedia modules using an authoring system on NeXTStep computers. Such a platform was never our intended target, and when we began Phase II we decided to make the change immediately to develop our tutorial modules for the Windows and Macintosh microcomputer market. This Report details our progress and accomplishments. It also gives a flavor of the look and feel of the presently available and upcoming modules.
11. Text Mining for Information Systems Researchers: An Annotated Topic Modeling Tutorial
DEFF Research Database (Denmark)
Debortoli, Stefan; Müller, Oliver; Junglas, Iris
2016-01-01
, such as manual coding. Yet, the size of text data setsobtained from the Internet makes manual analysis virtually impossible. In this tutorial, we discuss the challengesencountered when applying automated text-mining techniques in information systems research. In particular, weshowcase the use of probabilistic...... researchers,this tutorial provides some guidance for conducting text mining studies on their own and for evaluating the quality ofothers.......t is estimated that more than 80 percent of today’s data is stored in unstructured form (e.g., text, audio, image, video);and much of it is expressed in rich and ambiguous natural language. Traditionally, the analysis of natural languagehas prompted the use of qualitative data analysis approaches...
12. OSART mission highlights 1988-1989
International Nuclear Information System (INIS)
1990-09-01
The IAEA Operational Safety Review Team (OSART) programme provides advice and assistance to Member States for enhancing the operational safety of nuclear power plants. The observations of the OSART members are documented in technical notes which are then used as source material for the official OSART Report submitted to the government of the host country. The technical notes contain recommendations for improvements and description of commendable good practices. The same notes have been used to compile this summary report. This report is the third in a series following IAEA-TECDOC-458 and IAEA-TECDOC-497 and covers the period June 1988 to May 1989
13. Waves in plasmas: some historical highlights
International Nuclear Information System (INIS)
Stix, T.H.
1984-08-01
To illustrate the development of some fundamental concepts in plasma waves, a number of experimental observations, going back over half a century, are reviewed. Particular attention is paid to the phenomena of dispersion, collisionfree damping, finite-Larmor-radius and cyclotron and cyclotron-harmonic effects, nonlocal response, and stochasticity. One may note not only the constructive interplay between observation and theory and experiment but also that major advances have come from each of the many disciplines that invoke plasma physics as a tool, including radio communication, astrophysics, controlled fusion, space physics, and basic research
14. AGILE Highlights after Six Years in Orbit
Directory of Open Access Journals (Sweden)
Carlotta Pittori
2014-12-01
Full Text Available AGILE is an ASI space mission in collaboration with INAF, INFN and CIFS, dedicated to the observation of the gamma-ray Universe in the 30 MeV - 50 GeV energy range, with simultaneous X-ray imaging capability in the 18-60 keV band. The AGILE satellite was launched on April 23rd, 2007, and produced several important scientic results, among which the unexpected discovery of strong ares from the Crab Nebula. This discovery won to the AGILE PI and the AGILE Team the Bruno Rossi Prize for 2012 by the High Energy Astrophysics division of the American Astronomical Society. Thanks to its sky monitoring capability and fast ground segment alert system, AGILE detected many Galactic and extragalactic sources: among other results AGILE discovered gamma-ray emission from the microquasar Cygnus X-3, detected many bright blazars, discovered several new gamma-ray pulsars, and discovered emission up to 100 MeV from Terrestrial Gamma-Ray Flashes. We present an overview of the main AGILE Data Center activities and the AGILE scientic highlights after 6 years of operations.
15. LHC Highlights, from dream to reality
CERN Multimedia
CERN Bulletin
2010-01-01
The idea of the Large Hadron Collider (LHC) was born in the early 1980s. Although LEP (CERN’s previous large accelerator) was still under construction at that time, scientists were already starting to think about re-using the 27-kilometre ring for an even more powerful machine. Turning this ambitious scientific plan into reality proved to be an immensely complex task. Civil engineering work, state-of-the-art technologies, a new approach to data storage and analysis: many people worked hard for many years to accomplish all this. Here are some of the highlights: 1984. A symposium organized in Lausanne, Switzerland, is the official starting point for the LHC. LHC prototype of the two beam pipes (1992). 1989. The first embryonic collaborations begin. 1992. A meeting in Evian, France, marks the beginning of the LHC experiments. 1994. The CERN Council approves the construction of the LHC accelerator. 1995. Japan becomes an Observer of CERN and announces a financial contribution to ...
16. Argonne National Laboratory Research Highlights 1988
International Nuclear Information System (INIS)
Anon.
1988-01-01
The research and development highlights are summarized. The world's brightest source of X-rays could revolutionize materials research. Test of a prototype insertion device, a key in achieving brilliant X-ray beams, have given the first glimpse of the machine's power. Superconductivity research focuses on the new materials' structure, economics and applications. Other physical science programs advance knowledge of material structures and properties, nuclear physics, molecular structure, and the chemistry and structure of coal. New programming approaches make advanced computers more useful. Innovative approaches to fighting cancer are being developed. More experiments confirm the passive safety of Argonne's Integral Fast Reactor concept. Device simplifies nuclear-waste processing. Advanced fuel cell could provide better mileage, more power than internal combustion engine. New instruments find leaks in underground pipe, measure sodium impurities in molten liquids, detect flaws in ceramics. New antibody findings may explain ability to fight many diseases. Cadmium in cigarettes linked to bone loss in women. Programs fight deforestation in Nepal. New technology could reduce acid rain, mitigate greenhouse effect, enhance oil recovery. Innovative approaches transfer Argonne-developed technology to private industry. Each year Argonne educational programs reach some 1200 students
17. Highlights from past and future physics
CERN Multimedia
Daisy Yuhas
2009-01-01
A two-day symposium was held at CERN on 3 and 4 December in celebration of the fiftieth anniversary of the Proton Synchrotron and the twentieth anniversary of LEP. The symposium, entitled “From the Proton Synchrotron to the Large Hadron Collider- 50 Years of Nobel Memories in High-Energy Physics”, included a series of seminars reflecting on the past fifty years in particle physics and an exhibition highlighting CERN’s research over this period. Lyn Evans, LHC project leader, addressing the audience gathered in the Main Auditorium during the symposium that celebrated the 50 years of the PS and the 20 years of LEP. The events were well attended on both days. Thursday’s reception, to which the Director-General invited everyone working at CERN, attracted over 1200 people. The seminars drew about 500 people to the Main Auditorium and the Council Chamber each day, with at least as many on-line attendees. The symposium speakers, including thirteen No...
18. Engineering sciences research highlights. Fiscal year 1983
International Nuclear Information System (INIS)
Tucker, E.F.; Dobratz, B.
1984-05-01
The Laboratory's overall mission is sixfold. We are charged with developing nuclear warheads for defense, technology for arms control, and new concepts for defense against nuclear attack; with supporting programs for both nonnuclear defense and energy research and development; and with advancing our knowledge of science and technology so that we can respond to other national needs. Major programs in support of this mission involve nuclear weapons, energy, environmental science, and basic research. Specific areas of investigation include the design, development, and testing of nuclear weapons; nuclear safeguards and security; inertial and magnetic fusion and nuclear, solar, fossil, and geothermal energy; and basic research in physics, chemistry, mathematics, engineering, and the computer and life sciences. With the staff and facilities maintained for these and other programs, the Laboratory can respond to specific national needs in virtually all areas of the physical and life sciences. Within the Laboratory's organization, most technical research activities are carried out in three directorates: Engineering Sciences; Physics and Mathematics; and Chemistry, Earth and Life Sciences. The activities highlighted here are examples of unclassified work carried out in the seven divisions that made up the Engineering Sciences Directorate at the end of fiscal year 1983. Brief descriptions of these divisions' goals and capabilities and summaries of selected projects illustrate the diversity of talent, expertise, and facilities maintained within the Engineering Sciences Directorate
19. Tutorial guide to the tau lepton and close-mass lepton pairs
International Nuclear Information System (INIS)
Perl, M.L.
1988-10-01
This is a tutorial guide to present knowledge of the tau lepton, to the tau decay mode puzzle, and to present searches for close-mass lepton pairs. The test is minimal; the emphasis is on figures, tables and literature references. It is based on a lecture given at the 1988 International School of Subnuclear Physics: The Super World III. 54 refs., 9 figs., 7 tabs
20. A Tutorial on RxODE: Simulating Differential Equation Pharmacometric Models in R.
Science.gov (United States)
Wang, W; Hallow, K M; James, D A
2016-01-01
This tutorial presents the application of an R package, RxODE, that facilitates quick, efficient simulations of ordinary differential equation models completely within R. Its application is illustrated through simulation of design decision effects on an adaptive dosing regimen. The package provides an efficient, versatile way to specify dosing scenarios and to perform simulation with variability with minimal custom coding. Models can be directly translated to Rshiny applications to facilitate interactive, real-time evaluation/iteration on simulation scenarios.
1. Marketing Strategy for New Venture in Information Technology Education (Online Tutorial – TUTON)
OpenAIRE
Lubis, Esty Hutami Dewi; Larso, Dwi
2013-01-01
Indonesia has a rapid development in Information Technology (IT) as well as the public interest to learn it. However, to find qualified employee in IT is difficult, they often lacks proper education in IT background. IT education is not only need quality, but also follow current trends. Some negative opinions always appear in description of online education. First, Indonesian online tutorial customer had always assumed that what is available on the internet is free. Second, it is hard to get ...
2. Tutorial - applying extreme value theory to characterize food-processing systems
DEFF Research Database (Denmark)
Skou, Peter Bæk; Holroyd, Stephen E.; van der Berg, Franciscus Winfried J
2017-01-01
This tutorial presents extreme value theory (EVT) as an analytical tool in process characterization and shows its potential to describe production performance, eg, across different factories, via reliable estimates of the frequency and scale of extreme events. Two alternative EVT methods...... are discussed: point over threshold and block maxima. We illustrate the theoretical framework for EVT by process data from two different examples from the food-processing industry. Finally, we discuss limitations, decisions, and possibilities when applying EVT for process data....
3. A flexible virtual reality tutorial for the training and assessment of arthroscopic skills.
Science.gov (United States)
Moody, Louise; Waterworth, Alan
2004-01-01
Through definition of a comprehensive tutorial model, the Warwick, Imperial and Sheffield Haptic Knee Arthroscopy Training System (WISHKATS) aims to provide independent, flexible and consistent training and assessment. The intention is to satisfy user acceptance by limiting the constraints by which the system can be utilised, as well as demonstrating validity and reliability. System use can either be under the guidance and feedback offered by the system or of a senior surgeon. Objective metrics are defined for performance feedback and formal assessment.
4. Oracle SOA BPEL PM 11g R1 a hands-on tutorial
CERN Document Server
Saraswathi, Ravi
2013-01-01
This hands-on, example-driven guide is a practical getting started tutorial with plenty of step-by-step instructions for beginner to intermediate level readers working with BPEL PM in Oracle SOA SuiteWritten for SOA developers, administrators, architects, and engineers who want to get started with Oracle BPEL PM 11g. No previous experience with BPEL PM is required, but an understanding of SOA and web services is assumed
5. LOG: Analyzing navigation trough a tutorial of Radiation Protection; Cuaderno de bitacora: analisis de la navegacion a traves de un tutorial de proteccion radiologica
Energy Technology Data Exchange (ETDEWEB)
Vega, J. M.; Pena, J. J.; Rossell, M. A.; Calvo, J. L.
2003-07-01
6. Characterizing representational learning: A combined simulation and tutorial on perturbation theory
Directory of Open Access Journals (Sweden)
Antje Kohnle
2017-11-01
Full Text Available Analyzing, constructing, and translating between graphical, pictorial, and mathematical representations of physics ideas and reasoning flexibly through them (“representational competence” is a key characteristic of expertise in physics but is a challenge for learners to develop. Interactive computer simulations and University of Washington style tutorials both have affordances to support representational learning. This article describes work to characterize students’ spontaneous use of representations before and after working with a combined simulation and tutorial on first-order energy corrections in the context of quantum-mechanical time-independent perturbation theory. Data were collected from two institutions using pre-, mid-, and post-tests to assess short- and long-term gains. A representational competence level framework was adapted to devise level descriptors for the assessment items. The results indicate an increase in the number of representations used by students and the consistency between them following the combined simulation tutorial. The distributions of representational competence levels suggest a shift from perceptual to semantic use of representations based on their underlying meaning. In terms of activity design, this study illustrates the need to support students in making sense of the representations shown in a simulation and in learning to choose the most appropriate representation for a given task. In terms of characterizing representational abilities, this study illustrates the usefulness of a framework focusing on perceptual, syntactic, and semantic use of representations.
7. "ASTRO 101" Course Materials 2.0: Next Generation Lecture Tutorials and Beyond
Science.gov (United States)
Slater, Stephanie; Grazier, Kevin
2015-01-01
Early efforts to create course materials were often local in scale and were based on "gut instinct," and classroom experience and observation. While subsequent efforts were often based on those same instincts and observations of classrooms, they also incorporated the results of many years of education research. These "second generation" course materials, such as lecture tutorials, relied heavily on research indicating that instructors need to actively engage students in the learning process. While imperfect, these curricular innovations, have provided evidence that research-based materials can be constructed, can easily be disseminated to a broad audience, and can provide measureable improvement in student learning across many settings. In order to improve upon this prior work, next generation materials must build upon the strengths of these innovations while engineering in findings from education research, cognitive science, and instructor feedback. A next wave of materials, including a set of next generation lecture tutorials, have been constructed with attention to the body of research on student motivation, and cognitive load; and they are responsive to our body of knowledge on learning difficulties related to specific content in the domain. From instructor feedback, these materials have been constructed to have broader coverage of the materials typically taught in an ASTRO 101 course, to take less class time, and to be more affordable for students. This next generation of lecture tutorials may serve as a template of the ways in which course materials can be reengineered to respond to current instructor and student needs.
8. Characterizing representational learning: A combined simulation and tutorial on perturbation theory
Science.gov (United States)
Kohnle, Antje; Passante, Gina
2017-12-01
Analyzing, constructing, and translating between graphical, pictorial, and mathematical representations of physics ideas and reasoning flexibly through them ("representational competence") is a key characteristic of expertise in physics but is a challenge for learners to develop. Interactive computer simulations and University of Washington style tutorials both have affordances to support representational learning. This article describes work to characterize students' spontaneous use of representations before and after working with a combined simulation and tutorial on first-order energy corrections in the context of quantum-mechanical time-independent perturbation theory. Data were collected from two institutions using pre-, mid-, and post-tests to assess short- and long-term gains. A representational competence level framework was adapted to devise level descriptors for the assessment items. The results indicate an increase in the number of representations used by students and the consistency between them following the combined simulation tutorial. The distributions of representational competence levels suggest a shift from perceptual to semantic use of representations based on their underlying meaning. In terms of activity design, this study illustrates the need to support students in making sense of the representations shown in a simulation and in learning to choose the most appropriate representation for a given task. In terms of characterizing representational abilities, this study illustrates the usefulness of a framework focusing on perceptual, syntactic, and semantic use of representations.
9. Sensitivity Analysis for Not-at-Random Missing Data in Trial-Based Cost-Effectiveness Analysis: A Tutorial.
Science.gov (United States)
Leurent, Baptiste; Gomes, Manuel; Faria, Rita; Morris, Stephen; Grieve, Richard; Carpenter, James R
2018-04-20
Cost-effectiveness analyses (CEA) of randomised controlled trials are a key source of information for health care decision makers. Missing data are, however, a common issue that can seriously undermine their validity. A major concern is that the chance of data being missing may be directly linked to the unobserved value itself [missing not at random (MNAR)]. For example, patients with poorer health may be less likely to complete quality-of-life questionnaires. However, the extent to which this occurs cannot be ascertained from the data at hand. Guidelines recommend conducting sensitivity analyses to assess the robustness of conclusions to plausible MNAR assumptions, but this is rarely done in practice, possibly because of a lack of practical guidance. This tutorial aims to address this by presenting an accessible framework and practical guidance for conducting sensitivity analysis for MNAR data in trial-based CEA. We review some of the methods for conducting sensitivity analysis, but focus on one particularly accessible approach, where the data are multiply-imputed and then modified to reflect plausible MNAR scenarios. We illustrate the implementation of this approach on a weight-loss trial, providing the software code. We then explore further issues around its use in practice.
10. Lipidomic data analysis: Tutorial, practical guidelines and applications
Energy Technology Data Exchange (ETDEWEB)
Checa, Antonio [Department of Medical Biochemistry and Biophysics, Karolinska Institutet, Scheeles väg 2, SE-171 77 Stockholm (Sweden); Bedia, Carmen [Department of Environmental Chemistry, IDAEA-CSIC, Jordi Girona 18–26, Barcelona 08034 (Spain); Jaumot, Joaquim, E-mail: [email protected] [Department of Environmental Chemistry, IDAEA-CSIC, Jordi Girona 18–26, Barcelona 08034 (Spain)
2015-07-23
Highlights: • An overview of chemometric methods applied to lipidomic data analysis is presented. • A lipidomic data set is analyzed showing the strengths of the introduced methods. • Practical guidelines for lipidomic data analysis are discussed. • Examples of applications of lipidomic data analysis in different fields are provided. - Abstract: Lipids are a broad group of biomolecules involved in diverse critical biological roles such as cellular membrane structure, energy storage or cell signaling and homeostasis. Lipidomics is the -omics science that pursues the comprehensive characterization of lipids present in a biological sample. Different analytical strategies such as nuclear magnetic resonance or mass spectrometry with or without previous chromatographic separation are currently used to analyze the lipid composition of a sample. However, current analytical techniques provide a vast amount of data which complicates the interpretation of results without the use of advanced data analysis tools. The choice of the appropriate chemometric method is essential to extract valuable information from the crude data as well as to interpret the lipidomic results in the biological context studied. The present work summarizes the diverse methods of analysis than can be used to study lipidomic data, from statistical inference tests to more sophisticated multivariate analysis methods. In addition to the theoretical description of the methods, application of various methods to a particular lipidomic data set as well as literature examples are presented.
11. Highlights of meson spectroscopy: an experimental overview
International Nuclear Information System (INIS)
Gianotti, Paola
2011-01-01
Quantum Chromodynamics is the theory of the strong interaction, but the properties of hadrons cannot be directly calculated from the QCD Lagrangian. Alternative approaches are then used: Lattice QCD, Effective Field Theories, Quark Models. To test these different approaches, precise measurements of hadron properties are needed. This is the main motivation of the hadron spectroscopy program carried out since many years with different probes in different environments. Recently, the majority of the new results have been obtained using e + e - colliders by experiments like BaBar, Belle, BES, CLEO. These, on one hand, have determined big progresses in the field, while, on the other hand, have discovered a large number of states with properties that cannot be easily and exhaustively explained by any theory. In this review, I will make an excursus through the recent experimental results in the meson spectroscopy sector, showing which are the best successes of the theory, and pointing out where we have still some problems. Hints on future perspectives, offered by the forthcoming experimental programs, will be also given.
12. LDRD Highlights at the National Laboratories
Energy Technology Data Exchange (ETDEWEB)
Alayat, R. A. [Lawrence Livermore National Lab. (LLNL), Livermore, CA (United States)
2016-10-10
To meet the nation’s critical challenges, the Department of Energy (DOE) national laboratories have always pushed the boundaries of science, technology, and engineering. The Atomic Energy Act of 1954 provided the basis for these laboratories to engage in the cutting edge of science and technology and respond to technological surprises, while retaining the best scientific and technological minds. To help re-energize this commitment, in 1991 the U.S. Congress authorized the national laboratories to devote a relatively small percentage of their budget to creative and innovative work that serves to maintain their vitality in disciplines relevant to DOE missions. Since then, this effort has been formally called the Laboratory Directed Research and Development (LDRD) Program. LDRD has been an essential mechanism to enable the laboratories to address DOE’s current and future missions with leading-edge research proposed independently by laboratory technical staff, evaluated through expert peer-review committees, and funded by the individual laboratories consistent with the authorizing legislation and the DOE LDRD Order 413.2C.
13. Menopause: highlighting the effects of resistance training.
Science.gov (United States)
Leite, R D; Prestes, J; Pereira, G B; Shiguemoto, G E; Perez, S E A
2010-11-01
The increase in lifespan and in the proportion of elderly women has increased the focus on menopause induced physiological alterations. These modifications are associated with the elevated risk of several pathologies such as cardiovascular disease, diabetes, obesity, hypertension, dyslipidemia, non-alcoholic fat liver disease, among others. Because of estrogen levels decline, many tissue and organs (muscular, bone, adipose tissue and liver) are affected. Additionally, body composition suffers important modifications. In this sense, there is a growing body of concern in understanding the physiological mechanisms involved and establishing strategies to prevent and reverse the effects of menopause. The hormone reposition therapy, diet and physical exercise have been recommended. Among the diverse exercise modalities, resistance training is not commonly used as a therapeutic intervention in the treatment of menopause. Thus, the aim of this review was to analyze the physiological alterations on several organs and systems induced by menopause and ovariectomy (experimental model to reproduce menopause), as well as, to study the effects of resistance training in preventing and reverting these modifications. In conclusion, resistance training promotes beneficial effects on several organs and systems, mainly, on muscular, bone and adipose tissue, allowing for a better quality of life in this population.
14. Symposium on Highlights from 14 years of LEAR Physics : "LEAR Performance" by M. Chanel
CERN Multimedia
1998-01-01
Symposium on Highlights from 14 years of LEAR Physics hold at CERN, commemorating the closure of LEAR and giving a topical review of the impact of experiments with low energy antiprotons in their respective fields: M. Chanel "LEAR Performance"
15. Symposium on Highlights from 14 years of LEAR Physics : "Atomic Physics" by E. Uggerhoj
CERN Multimedia
1998-01-01
Symposium on Highlights from 14 years Physics hold at CERN, commemorating the closure of LEAR and giving a topical review of the impact of experiments with low energy antiprotons in their respective fields
16. Symposium on Highlights from 14 years of LEAR Physics : "Antiproton Mass" by G. Gabrielse
CERN Multimedia
1998-01-01
Symposium on Highlights from 14 years Physics hold at CERN, commemorating the closure of LEAR and giving a topical review of the impact of experiments with low energy antiprotons in their respective fields
17. Symposium on Highlights from 14 years of LEAR Physics : "CP Violation" by P. Pavlopoulos
CERN Multimedia
1998-01-01
Symposium on Highlights from 14 years Physics hold at CERN, commemorating the closure of LEAR and giving a topical review of the impact of experiments with low energy antiprotons in their respective fields
18. Symposium on Highlights from 14 years of LEAR Physics : "AD Project" by S. Maury
CERN Multimedia
1998-01-01
Symposium on Highlights from 14 years of LEAR Physics hold at CERN, commemorating the closure of LEAR and giving a topical review of the impact of experiments with low energy antiprotons in their respective fields: S. Maury "AD Project"
19. Symposium on Highlights from 14 years of LEAR Physics: "Light Antiprotonic Atoms" by R. Hayano
CERN Multimedia
1998-01-01
Symposium on Highlights from 14 years of LEAR Physics hold at CERN, commemorating the closure of LEAR and giving a topical review of the impact of experiments with low energy antiprotons in their respective fields
20. Symposium on Highlights from 14 years of LEAR Physics : R. Landua (chairman)
CERN Multimedia
1998-01-01
Symposium on Highlights from 14 years of LEAR Physics hold at CERN, commemorating the closure of LEAR and giving a topical review of the impact of experiments with low energy antiprotons in their respective fields
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.35622984170913696, "perplexity": 4511.368407359612}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.3, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2018-30/segments/1531676596542.97/warc/CC-MAIN-20180723145409-20180723165409-00137.warc.gz"}
|
http://mathhelpforum.com/calculus/19683-simple-integration-problem.html
|
# Math Help - Simple integration problem
1. ## Simple integration problem
When you multiply 2cos(t) by 2cos(t), do you get 4cos(t)^2 or 4cos^2(t)? And also, assuming I have decided to make the defined integral ((4cos(t)^2 + 25 + 4sin(t)^2))^1/2, do I solve this one by substitution? Because I don't see how. Maybe by completing the square? This is going back to college Calculus but I can't remember what it is exactly I should do to integrate this expression.
Thanks for the help.
2. $4\sin^2t+4\cos^2t=4(\sin^2t+\cos^2t)=4$
So you need to compute
$\int\sqrt{29}\,dt$
Does that make sense?
3. Originally Posted by Undefdisfigure
When you multiply 2cos(t) by 2cos(t), do you get 4cos(t)^2 or 4cos^2(t)? And also, assuming I have decided to make the defined integral ((4cos(t)^2 + 25 + 4sin(t)^2))^1/2, do I solve this one by substitution? Because I don't see how. Maybe by completing the square? This is going back to college Calculus but I can't remember what it is exactly I should do to integrate this expression.
Thanks for the help.
Maybe it is simply that you aren't familiar with typing these, but
cos^2(t) = cos(t)^2 = $cos^2(t) = cos(t) \times cos(t)$
cos(t^2) = $cos(t^2)$
-Dan
4. Originally Posted by Undefdisfigure
When you multiply 2cos(t) by 2cos(t), do you get 4cos(t)^2 or 4cos^2(t)? And also, assuming I have decided to make the defined integral ((4cos(t)^2 + 25 + 4sin(t)^2))^1/2, do I solve this one by substitution? Because I don't see how. Maybe by completing the square? This is going back to college Calculus but I can't remember what it is exactly I should do to integrate this expression.
Thanks for the help.
Use the identity: $cos^2x + sin^2x = 1$
Therefore:
$
\int \sqrt{4cos^2x + 4sin^2x +25}\,dx = \int \sqrt{4(cos^2x + sin^2x) +25}\,dx = \int \sqrt{4 +25}\,dx
$
$
\int \sqrt{29}\,dx = \sqrt{29}x + C\
$
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 7, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9789267778396606, "perplexity": 956.5636024537705}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2014-52/segments/1419447548525.16/warc/CC-MAIN-20141224185908-00014-ip-10-231-17-201.ec2.internal.warc.gz"}
|
http://mathoverflow.net/questions/122973/homogenous-polynomials-as-sum-or-differences-of-squares-and-symmetric-polynomial
|
# Homogenous polynomials as sum or differences of squares and symmetric polynomials
I seem to recall that a general homogenous real polynomial $P$ of even degree in $n$ variables, $n\geq 3,$ cannot always be expressed as $P(x_1,\dotsc,x_n)=\sum_j a_j Q_j^2(x_1,\dotsc,x_n)$ where $a_j \in \mathbb{R},$ and the $Q_j^2$ are homogenous of the same degree as $P.$ (Please, correct me if I am wrong).
Now, what if we know that $P$ is symmetric? Is it still true that a general polynomial cannot be expressed as above? And if it can, what if we require that the $Q_j$ themselves are symmetric?
Question: If $P$ is symmetric and homogenous of even degree, can it be expressed as a sum/difference of squares of homogenous and symmetric polynomials?
I know that if $P$ is symmetric, and $P(x_1+t,x_2+t,\dotsc,x_n+t)=P(x_1,\dotsc,x_n),$ then there is always such a representation as the one above, but can one lose the translation-invariant condition and still have sum-and-difference of squares representation?
-
Every element of a ring in which $2$ is a unit is the difference of two squares: $P=(P+1/4)^2-(P-1/4)^2$. – Emil Jeřábek Feb 26 '13 at 12:39
Ah, let me rephrase that question a bit, I realized that I have some conditions on Q – Per Alexandersson Feb 26 '13 at 12:56
@Per: you mean the degree of Q is 1/2 that of P...So you are looking at a higher degree version of Gauss's decomposition of quadratic forms? – Abdelmalek Abdesselam Feb 26 '13 at 18:24
@Abdelmalek Abdesselam: Yes, I believe so. (Thank you very much for the input on one of my previous questions by the way.) – Per Alexandersson Feb 26 '13 at 20:09
At the risk of stating the even more obvious, the degree of $Q^{2}$ is twice the degree of $Q$... – George Melvin Feb 26 '13 at 22:26
My college provided me with a simple example: $$x^2 + xy + y^2$$ cannot be expressed as a sum/difference of symmetric, homogenous polynomials of degree 1, for obvious reasons.
(Each homogenous, symmetric polynomial of degree 1 in two variables are of the form a(x+y). Thus, all possible $Q_j$ are of the form $a'(x+y)^2$ which, of course, cannot give the polynomial above.)
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 1, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8431051969528198, "perplexity": 269.0492472637967}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.3, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2016-18/segments/1461860118790.25/warc/CC-MAIN-20160428161518-00016-ip-10-239-7-51.ec2.internal.warc.gz"}
|
https://fundacionromulobetancourt.org/k-epsilon-model-open-foam.php
|
11.03.2020
# K epsilon model open foam
COMPARISON OF OpenFOAM® AND FLUENT FOR STEADY, VISCOUS FLOW AT POOL 8, MISSISSIPPI RIVER IIHR – Hydroscience & Engineering The University of Iowa Oscar Eduardo Hernandez Murcia, MSc. PhD Graduate Student ‐ IIHR. OpenFOAM turbulence model introduction, with RAS and LES models and wall functions. OpenFOAM v6 User Guide: Turbulence models. OpenFOAM turbulence model introduction, with RAS and LES models and wall functions. Additional buoyancy generation/dissipation term applied to the k and epsilon equations of the standard k-epsilon model. kEpsilon. The Smagorinsky s ub g rid s cale (SGS) model was developed by Joseph Smagorinsky in the meteorological community in the s. It is based on the eddy viscosity assumption, which postulates a linear relationship between the SGS shear stress and the resolved rate of strain tensor.
# K epsilon model open foam
Oct 19, · calculation of k, epsilon and omega #1: kroetenechse. New Member. Philipp Bachmann. - For the k-epsilon-model I can use kqRWallFunction for k and for epsilon I can use The thing is the documentations I have read about OpenFOAM and in the threads here, for k-epsilon model to calculate the initial values of k and epsilon, I need mean. COMPARISON OF OpenFOAM® AND FLUENT FOR STEADY, VISCOUS FLOW AT POOL 8, MISSISSIPPI RIVER IIHR – Hydroscience & Engineering The University of Iowa Oscar Eduardo Hernandez Murcia, MSc. PhD Graduate Student ‐ IIHR. The Smagorinsky s ub g rid s cale (SGS) model was developed by Joseph Smagorinsky in the meteorological community in the s. It is based on the eddy viscosity assumption, which postulates a linear relationship between the SGS shear stress and the resolved rate of strain tensor. Jan 17, · k-epsilon boundary condition in openFoam #1: bhattach. New Member. Amitabh. Join Date: Feb Posts: 7 Rep Power: 8. I am trying to validate k-epsilon model on openFoam for a simple turbulent channel via the pisoFoam solver. The boundary condition being used for k and epsilon is the kqRWallFunction. While the previous forum posts suggest. OpenFOAM turbulence model introduction, with RAS and LES models and wall functions. OpenFOAM v6 User Guide: Turbulence models. OpenFOAM turbulence model introduction, with RAS and LES models and wall functions. Additional buoyancy generation/dissipation term applied to the k and epsilon equations of the standard k-epsilon model. kEpsilon.And the calculation of epsilon, k and omega for my k-w-SST-Model. I am afraid, but I am new both to CFD in general and to OpenFoam in. Next an overview of the OpenFOAM RANS solver, simpleFoam, is provided. This includes a the k-ω SST turbulence model is demonstrated. .. the nut file, an epsilonWallFunction on corresponding patches in the epsilon file, and a. Foam::compressible::RASModels::kEpsilon. Description. Standard k-epsilon turbulence model for compressible flows. The default model coefficients correspond. Model equations. The turbulence kinetic energy equation is given by: \Ddt{\rho k} = \div \left(\rho D_k \grad k\right) + G_k + G_b - \rho \epsilon + S_k. and the. Note: Under construction - please check again later. Properties. Model equations. The turbulence kinetic energy equation is given by: \Ddt{\rho k} = \div \left(\rho. Note: Under construction - please check again later. Properties. Model equations. The turbulence kinetic energy equation is given by: and the dissipation rate by. OpenFOAM turbulence model introduction, with RAS and LES models RNGkEpsilon: Renormalization group k-epsilon turbulence model for. Two-equation turbulence model $k-\epsilon$ is used; Initial and boundary conditions for turbulent kinematic energy $k$ cat \$FOAM_RUN /pitzDaily/0/k. click, click here,go here,2013 game football real,falar pra music exaltasamba menudo 1
## see the video K epsilon model open foam
OpenFOAM - Dam bottom outlet (VOF RANS RNG k-epsilon), time: 0:26
Tags: Monogram fonts for mac, Pepa prase na srpskom lagu, The forest with multiplayer browser, Beyond diet metabolism test, P square personally audio converter
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.6417220234870911, "perplexity": 9983.339357949859}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 20, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-25/segments/1623487613380.12/warc/CC-MAIN-20210614170602-20210614200602-00006.warc.gz"}
|
http://www.reference.com/browse/carbonate+mineral
|
Definitions
Nearby Words
# carbonate mineral
Any member of a family of minerals that contains the carbonate ion, CO32−, as the basic structural unit. The carbonates are among the most widely distributed minerals in the earth's crust; the most common are calcite, dolomite, and aragonite. Dolomite replaces calcite in limestones; when this replacement is extensive, the rock is called dolomite. Other relatively common carbonate minerals are siderite, rhodochrosite, strontianite (strontium-rich); smithsonite (zinc-rich); witherite (barium-rich); and cerussite (lead-rich).
Talc carbonate is a geologic term for a suite of rock and mineral compositions found in metamorphic ultramafic rocks.
The term refers to the two most common end-member minerals found within ultramafic rocks which have undergone talc-carbonation or carbonation reactions, talc and the carbonate mineral magnesite.
Talc carbonate mineral assemblages are controlled by temperature and pressure of metamorphism and the partial pressure of carbon dioxide within metamorphic fluids, as well as by the composition of the rock.
### Compositional controls
In a general sense, talc carbonate metamorphic assemblages are diagnostic of the magnesium content of the ultramafic protolith.
• Lower-magnesian ultramafic rocks (12-18% MgO as a rule of thumb) tend to favor talc-chlorite assemblages
• Medium-MgO rocks (15-25% MgO) tend to produce talc-amphibole assemblages.
• High-MgO rocks with in excess of 25% MgO tend to form true talc-magnesite metamorphic assemblages.
Thus, the MgO content of a metamorphosed ultramafic rock can be estimated roughly by understanding the mineral assemblage of the rock. Magnesium content determines the proportion of talc and/or magnesite and aluminium-calcium-sodium content determines the proportion of amphibole and/or chlorite.
## Talc Carbonate Minerals
Several minerals are diagnostic of talc carbonated ultramafic rocks;
At amphibolite facies, the diopside-in isograd is reached (dependent on carbon dioxide partial pressure) and metamorphic assemblages trend toward talc-pyroxene and eventually toward metamorphic olivine.
### Mineral Reactions
Serpentinisation of olivine Forsterite - aqueous silica → Serpentine
$3Mg_2SiO_4 + SiO_2 + 2H_2O rarr 2Mg_3Si_2O_5\left(OH\right)4$
Carbonation of serpentine to form talc-magnesite
$2Mg_3Si_2O_5\left(OH\right)_4 + 3CO_2 rarr Mg_3Si_4O_\left\{10\right\}\left(OH\right)_2 + 3MgCO_3 + H_2O$
## Occurrence
Because carbon dioxide is such a common component of metamorphic fluids, talc-carbonated ultramafics are relatively common. However, the degree of talc-carbonation is usually somewhere between the two end-member compositions of pure serpentinite and pure talc-carbonate. It is common to see serpentinites which contain talc, amphibole and chloritic minerals in small proportions which infer the presence of carbon dioxide in the metamorphic fluid.
Talc carbonate is present in many of the ultramafic bodies of the Archaean Yilgarn Craton, Western Australia. Notably, the Widgiemooltha Komatiite shows pure talc-carbonation on the eastern flank of the Widgeimooltha Dome, and almost pure serpentinite metamorphism on the western flank.
## Carbonation of other rocks
Carbon dioxide has less severe impacts on mafic, felsic and rocks of other composition, such as carbonate rocks, chemical sediments, etcetera. The exception to this rule is the calc-silicate family of metamorphic rocks, which are also subjected to wide variations in mineral speciation due to the mobility of carbonate during metamorphism.
Felsic and mafic rocks tend to be less affected by carbon dioxide due to their higher aluminium content. Ultramafic rocks lack aluminium, which allows carbonate to react with magnesium silicates to form talc. In rocks with extremely low aluminium contents, this reaction can progress to create magnesite.
Advanced carbonation of felsic and mafic rocks, very rarely, creates fenite, a metasomatic alteration caused particularly by carbonatite intrusions. Fenite alteration is known, but very restricted in distribution, around high-temperature metamorphic talc-carbonates, generally in he form of a sort of aureole around ultramafics. Such examples include biotite-rich zones, amphibolite-calcite-scapolite alteration and other unusual skarn assemblages.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 2, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.670734703540802, "perplexity": 20358.62238893267}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-11/segments/1424936462839.81/warc/CC-MAIN-20150226074102-00112-ip-10-28-5-156.ec2.internal.warc.gz"}
|
https://www.myhelper.tk/ncert-solution-class-8-chapter-10-visualising-solid-shapes-3/
|
You cannot copy content of this page
# Exercise 10.3
Question 1
Can a polyhedron have for its faces
(i) 3 triangles? (ii) 4 triangles?
(iii) a square and four triangles?
Sol :
(i) No, such a polyhedron is not possible. A polyhedron has minimum 4 faces.
(ii) Yes, a triangular pyramid has 4 triangular faces.
(iii) Yes, a square pyramid has a square face and 4 triangular faces.
Question 2
Is it possible to have a polyhedron with any given number of faces? (Hint: Think of a pyramid).
Sol :
A polyhedron has a minimum of 4 faces.
Question 3
Which are prisms among the following?
(i) (ii) (iii) (iv)
Sol :
(i) It is not a polyhedron as it has a curved surface. Therefore, it will not be a prism also.
(ii) It is a prism.
(iii) It is not a prism. It is a pyramid.
(iv) It is a prism.
Question 4
(i) How are prisms and cylinders alike?
(ii) How are pyramids and cones alike?
Sol :
(i) A cylinder can be thought of as a circular prism i.e., a prism that has a circle as its base.
(ii) A cone can be thought of as a circular pyramid i.e., a pyramid that has a circle as its base.
Question 5
Is a square prism same as a cube? Explain.
Sol :
A square prism has a square as its base. However, its height is not necessarily same as the side of the square. Thus, a square prism can also be a cuboid.
Question 6
Verify Euler’s formula for these solids.
(i) (ii)
Sol :
(i) Number of faces = F = 7
Number of vertices = V = 10
Number of edges = E = 15
We have, F + V − E = 7 + 10 − 15 = 17 − 15 = 2
Hence, Euler’s formula is verified.
(ii) Number of faces = F = 9
Number of vertices = V = 9
Number of edges = E = 16
F + V − E = 9 + 9 − 16 = 18 − 16 = 2
Hence, Euler’s formula is verified.
Question 7
Using Euler’s formula, find the unknown.
Faces ? 5 20 Vertices 6 ? 12 Edges 12 9 ?
Sol :
By Euler’s formula, we have
F + V − E = 2
(i) F + 6 − 12 = 2
F − 6 = 2
F = 8
(ii) 5 + V − 9 = 2
V − 4 = 2
V = 6
(iii) 20 + 12 − E = 2
32 − E = 2
E = 30
Thus, the table can be completed as
Faces 8 5 20 Vertices 6 6 12 Edges 12 9 30
Question 8
Can a polyhedron have 10 faces, 20 edges and 15 vertices?
Sol :
Number of faces = F = 10
Number of edges = E = 20
Number of vertices = V = 15
Any polyhedron satisfies Euler’s Formula, according to which, F + V − E = 2
For the given polygon,
F + V − E = 10 + 15 − 20 = 25 − 20 = 5 ≠ 2
Since Euler’s formula is not satisfied, such a polyhedron is not possible.
Insert math as
$${}$$
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 1, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.89925616979599, "perplexity": 893.9218240617653}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.3, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-04/segments/1610704847953.98/warc/CC-MAIN-20210128134124-20210128164124-00106.warc.gz"}
|
https://deepai.org/publication/interaction-of-multiple-tensor-product-operators-of-the-same-type-an-introduction
|
# Interaction of Multiple Tensor Product Operators of the Same Type: an Introduction
Tensor product operators on finite dimensional Hilbert spaces are studied. The focus is on bilinear tensor product operators. A tensor product operator on a pair of Hilbert spaces is a maximally general bilinear operator into a target Hilbert space. By 'maximally general' is meant every bilinear operator from the same pair of spaces to any Hilbert space factors into the composition of the tensor product operator with a uniquely determined linear mapping on the target space. There are multiple distinct tensor product operators of the same type; there is no "the" tensor product. Distinctly different tensor product operators can be associated with different parts of a multipartite system without difficulty. Separability of states, and locality of operators and observables is tensor product operator dependent. The same state in the target state space can be inseparable with respect to one tensor product operator but separable with respect to another, and no tensor product operator is distinguished relative to the others; the unitary operator used to construct a Bell state from a pair of |0>'s being highly tensor product operator-dependent is a prime example. The relationship between two tensor product operators of the same type is given by composition with a unitary operator. There is an equivalence between change of tensor product operator and change of basis in the target space. Among the gains from change of tensor product operator is the localization of some nonlocal operators as well as separability of inseparable states. Examples are given.
## Authors
• 1 publication
• 1 publication
• 1 publication
12/03/2021
### Projections onto hyperbolas or bilinear constraint sets in Hilbert spaces
Sets of bilinear constraints are important in various machine learning m...
10/12/2021
### Countable Tensor Products of Hermite Spaces and Spaces of Gaussian Kernels
In recent years finite tensor products of reproducing kernel Hilbert spa...
06/10/2020
### OpEvo: An Evolutionary Method for Tensor Operator Optimization
Training and inference efficiency of deep neural networks highly rely on...
01/29/2020
### The Elasticity Complex
We investigate the Hilbert complex of elasticity involving spaces of sym...
12/19/2019
### Parseval Proximal Neural Networks
The aim of this paper is twofold. First, we show that a certain concaten...
04/10/2018
### Efficient approximation for global functions of matrix product operators
Building on a previously introduced block Lanczos method, we demonstrate...
04/27/2021
### Particle Number Conservation and Block Structures in Matrix Product States
The eigenvectors of the particle number operator in second quantization ...
##### This week in AI
Get the week's most popular data science and artificial intelligence research sent straight to your inbox every Saturday.
## 1 Introduction
Postulate 4: The state space of a composite physical system is the [italics ours] tensor product of the state spaces of the component physical systems. Moreover, if we have systems numbered through , and system number is prepared in the state , then the joint state of the total system is .
Nielsen and Chuang, Quantum Computation and Information, 2010, p.94
There is no one, “true” (i.e. uniquely preferred) tensor product operator mapping a given pair of Hilbert spaces to a given target Hilbert space. This is of course well known, but the details matter, and are not disposed of by appealing to isomorphism. To do so is to ignore benefits that accrue from multiple distinct tensor product operators in the same multipartite system. None of the operators are distinguished relative to the others any more than any orthonormal basis of a Hilbert space is distinguished relative to the others. Separability of states and locality of unitary operators and observables is tensor product operator-dependent. This statement stands in tension with the statement that entanglement is physical. In this introduction to the use of multiple distinct tensor product operators in multipartite quantum systems the examples that are given focus on (1) modularity and (2) factorizing of states and operators.
A change of tensor product operator in a quantum program is a quantum program transformation. Work on quantum program verification, validation and optimization needs an underlying machine independent mathematically rigorous semantics, [1], [2], that should take account of a variety of program transformations. Due to modularity, the change of tensor product operator is among these transformations. The term modularity refers to the common-place practice that we build more complex systems out of more basic systems that have been previously constructed and supplied. In the case of quantum systems it is easy to imagine a quantum circuit built from previously independently constructed circuits, each using potentially distinctly different tensor product operators. The details of combining these previously constructed circuits into a more complex circuit is described below. In particular, change of tensor product operator for quantum circuits in “mid-circuit” can be effectively produced using swaps and, if necessary, similarity transformations. An example is given below.
### 1.1 Outline of the paper
Section (2) consists of two subsections. In subsection (2.1) a basis-independent construction of tensor product operators as maximally general bilinear operators is given following the procedures described in [5]. In subsection (2.2) the dependency of separability of states on the tensor product operator is shown. Section (3) states and proves a lemma that precisely shows the unitary relationship between two distinct tensor product operators of the same type. In that section a corollary of the lemma is stated and proved that gives an equivalence between change of tensor product operators and unitary similarity for general linear operators on the tensor product operator target space. Section (4) concentrates on coordinating unitary operators and measurements with tensor product operators. In subsection (4.1) an example is given of a simple circuit to show the effect of a change of the tensor product operator based on the example of subsection (2.2). The two versions of the circuit are combined to show a how a change of tensor product operator may be uniformly implemented in “mid-circuit,” as well as to give an example of a localization of a
-qubit gate. Subsection (
4.2) presents a standard example of a teleportation circuit from [6] but in which distinct tensor products among the three pairs of qubits are used and combined. The purpose is not to show there is a gain but that the modularity presents no difficulty and does not the change the physics. We conclude with a brief section on future work to be undertaken.
## 2 Multiple tensor product operators
### 2.1 A basis-independent approach to tensor product operators
We give here the definition of a tensor product operator as a maximally general bilinear operator. The focus is on bilinear rather than multilinear tensor product operators from which multilinear operators are derivable. The definition is mildly category-theoretic without the diagrams, is basis independent, and follows [5]. We begin by mentioning some convenient terminology regarding relaxed but still common and rigorous use of the term type in its elementary sense to be used here and in the rest of the paper.
We are throughout this paper concerned with exploiting the multiple tensor product operators available for each type. The type of a function mapping a set to a set , denoted by
is the ordered pair of sets
and is denoted . is the domain of and is the codomain of . They are components of ; if either the domain or codomain is altered, the function is altered. If the domain and codomain of a function are spaces, such as Hilbert spaces as they are here, the codomain is also called the target space.
A bilinear function is a tensor product operator if all bilinear operators defined on uniquely factorize into a linear operator and . Specifically, for every bilinear operator , there is a unique linear function such that ; i.e. for all , . This makes a tensor product operator defined on a maximally general bilinear operator on . For Hilbert spaces, a tensor product operation is also required to preserve norms: if , then .
If are both tensor product operators, then both are bilinear and hence there are unique linear operators and such that and . Also there is are unique linear operators and such that and . It follows that and are both the identity function, and and . Thus and inverse to each other. In the case of Hilbert spaces, since and are norm-preserving, and are forced to be norm-preserving, and therefore unitary.
At this point, all bilinear tensor product operators of each type have been defined and shown to be related in a basis-independent manner by composition with a unitary operator on the target space of the type.
### 2.2 Tensor product operator-dependency
In this subsection an example of two tensor product operators is given for which the Bell states corresponding to each of the tensor product operators are shown to be separable with respect to the other operator. We begin by reviewing the ordered basis-dependent approach to constructing a tensor product operator of a given type and then give examples of tensor product operator-dependency of entanglement of pure states, unitary operators and observables.
A particular tensor product operator of type where , and are Hilbert spaces can be constructed by choosing ordered orthonormal bases , and for these spaces, and choosing any bijective order-preserving function . For this purpose, the order on is lexicographically induced by the orders on and . That is a bijection constrains the dimension of in relation to the dimensions of and . It is then easy to prove by using the chosen bases that the uniquely determined bilinear extension of to the whole of satisfies the basis-independent requirement for being a tensor product operator. For fixed bases of and , distinct ordered orthonormal bases in are in one-to-one correspondence with distinct tensor product operators of type .
As mentioned above, separability of states is tensor product operator-dependent. None of the multiple distinct tensor product operators of the same type
are distinguished relative to the others any more than any of the orthonormal bases for a vector space are distinguished relative to the others.
###### Example 2.1
: This is an example of two tensor product operators and with unequal corresponding Bell states, each of which is separable with respect to the other’s associated tensor product operator.
Take with the usual ordered orthonormal basis, which we denote by . , and take as the tensor product space with basis to be the usual ordered orthonormal basis.
Let be the re-ordering of obtained by applying the non-local controlled-not operator , to the basis vectors in .
The column vectors and matrices in this example carry as subscripts the bases with respect to which they are written. is then given by,
B1=⎧⎪ ⎪ ⎪ ⎪⎨⎪ ⎪ ⎪ ⎪⎩⎡⎢ ⎢ ⎢⎣1000⎤⎥ ⎥ ⎥⎦,B1 ⎡⎢ ⎢ ⎢⎣0100⎤⎥ ⎥ ⎥⎦,B1 ⎡⎢ ⎢ ⎢⎣0010⎤⎥ ⎥ ⎥⎦,B1 ⎡⎢ ⎢ ⎢⎣0001⎤⎥ ⎥ ⎥⎦B1⎫⎪ ⎪ ⎪ ⎪⎬⎪ ⎪ ⎪ ⎪⎭. (1)
is a permutation of :
B2=⎧⎪ ⎪ ⎪ ⎪⎨⎪ ⎪ ⎪ ⎪⎩⎡⎢ ⎢ ⎢⎣1000⎤⎥ ⎥ ⎥⎦,B1 ⎡⎢ ⎢ ⎢⎣0100⎤⎥ ⎥ ⎥⎦,B1 ⎡⎢ ⎢ ⎢⎣0001⎤⎥ ⎥ ⎥⎦,B1 ⎡⎢ ⎢ ⎢⎣0010⎤⎥ ⎥ ⎥⎦B1⎫⎪ ⎪ ⎪ ⎪⎬⎪ ⎪ ⎪ ⎪⎭=⎧⎪ ⎪ ⎪ ⎪⎨⎪ ⎪ ⎪ ⎪⎩⎡⎢ ⎢ ⎢⎣1000⎤⎥ ⎥ ⎥⎦,B2 ⎡⎢ ⎢ ⎢⎣0100⎤⎥ ⎥ ⎥⎦,B2 ⎡⎢ ⎢ ⎢⎣0010⎤⎥ ⎥ ⎥⎦,B2 ⎡⎢ ⎢ ⎢⎣0001⎤⎥ ⎥ ⎥⎦B2⎫⎪ ⎪ ⎪ ⎪⎬⎪ ⎪ ⎪ ⎪⎭. (2)
A controlled-not operator is clearly dependent on the computational basis in hand. In particular, relative to is given by the familiar self-adjoint Hermitian matrix,
CX=⎡⎢ ⎢ ⎢⎣1000010000010010⎤⎥ ⎥ ⎥⎦B1=⎡⎢ ⎢ ⎢⎣1000010000010010⎤⎥ ⎥ ⎥⎦B2. (3)
Since is self-adjoint, the matrix for has the same form relative to both bases in this case. (Being self-adjoint is not essential to this and subsequent examples, except where specifically noted.) Let , and therefore . In the following equation, (4), is non-local, so the result is not surprising. However, neither of these two tensor product operators is distinguished relative to the other, despite one of the ordered bases, , being standard, the other not. (Just change the coordinate system.) Then,
|β00⟩⊗1=1√2(|0⟩⊗1|0⟩+|1⟩⊗1|1⟩)=CX(1√2(|0⟩⊗2|0⟩+|1⟩⊗2|1⟩))=|+⟩⊗2|0⟩,|β00⟩⊗2=1√2(|0⟩⊗2|0⟩+|1⟩⊗2|1⟩)=CX(1√2(|0⟩⊗1|0⟩+|1⟩⊗1|1⟩))=|+⟩⊗1|0⟩. (4)
The equations in (4) show that the indicated Bell state corresponding to each of the tensor product operators, , , is separable relative to the other.
Note that the expected basic algebraic rules for Kronecker product operators on matrices holds, provided the matrices are written with respect to the appropriate ordered bases.
Restricting to a standard or preferred basis and preferred corresponding tensor product operator ignores the issue of what benefits may accrue from multiple tensor product operations in the same multipartite system. A better approach is to coordinate observables and unitary operators to tensor product operators, as we make clear in the examples in section (4) below.
In this subsection we have given an explicit example of two tensor product operators for which Bell states corresponding to each of the tensor product operators were shown to be separable with respect to the other operator.
## 3 The unitary relationship between tensor product operators
In this section we examine the relationship between two tensor product operators. Within a type , the relationship between two tensor product operators and is given by a uniquely determined unitary operator on the target space of the type. is given in terms of the action of the two tensor product operators on the bases of and .
The effect on vectors and linear transformations due to a change of tensor product operator is given by the following lemma and its proof. Additionally, we prove a corollary that exhibits an equivalence between (1) change of tensor product operators and (2) unitary similarity of linear operators on the target space of the tensor product operators.
###### Lemma 3.1
: For , let be two tensor product operators, and for , let be any orthonormal basis of . Then
[Vectors] for a uniquely determined unitary operator on ,
⊗b=W∘⊗a, (5)
[Vectors] the unitary operator in (5), is uniquely determined by satisfying:
W(|ei⟩⊗a|fj⟩)=|ei⟩⊗b|fj⟩, for all (|ei⟩,|fj⟩)∈B(H1) \large× B(H2), (6)
[Operators] If , are any two linear operators on , , respectively, and is the operator in (5), then and are unitarily equivalent via :
L1⊗bL2=W(L1⊗aL2)W†. (7)
Proof: The existence and uniqueness of a unitary operator satisfying (5) has been proved in the argument of subsection (2.1). Equation (6), explicitly useful for matrix calculations, is a trivial consequence of (5). For (7) we have,
(L1⊗bL2)(|x⟩⊗b|y⟩)=L1|x⟩⊗bL2|y⟩=W(L1|x⟩⊗aL2|y⟩)=W(L1⊗aL2)(|x⟩⊗a|y⟩)=W(L1⊗aL2)W†(|x⟩⊗b|y⟩).
For any bipartite quantum circuit C using , consider the circuit C that results from C obtained by replacing by and every gate and observable by the result of the similarity transform . The corollary below shows that is equivalent to C in the sense that the evolution of any state through C to a state corresponds to the evolution of through C to . This is shown by (9) below.
###### Corollary 3.1
: Suppose are tensor product operators with , is a linear operator on , and and are linear operators on and , respectively. Then
W†LW=L1⊗L2 if, and only if, L=L1⊗′L2. (8)
and for any vector
(WLW†)W|x⟩=WL|x⟩. (9)
Proof: For (8) we have,
W†LW=L1⊗L2 iff L=W(L1⊗L2)W†=L1⊗′L2. (10)
where the second equality follows from (7) in the lemma. (9) is trivial, but nevertheless important as remarked upon above.
The unitary relationship between tensor product operators and the effect on vectors and linear transformations due to a change of tensor product operator has been made explicit by the above lemma and its corollary. These results reveal the equivalence between change of tensor product operators and unitary similarity of linear operators and observables.
## 4 Coordination of gates, measurements and tensor product operators
In this section we present examples showing how quantum gates and measurements are affected by several different tensor product operators applied to different pairs of qubits in the same circuit. In particular, basis-dependent gates such as and observables need to be coordinated, in a manner to be made precise, with tensor product operators, since separability of states and operators is tensor product operator-dependent.
With respect to a single tensor product operator, any general linear operator may fail to be local, yet may be unitarily similar to a local operator. The term localizable operator is used in that case.
There exists operators, e.g. and , that are nonlocalizable relative to any ordered orthonormal basis are said to be non-localazable. Since and are self-adjoint they also serve as nonlocalizable observables.
### 4.1 An example of coordination
In this subsection we present a standard example of a teleportation circuit from [6] but in which distinct tensor products among the three pairs of qubits are used and combined. The purpose is not to show there is a gain but that the modularity presents no difficulty and does not the change the physics (as expected). A nontrivial example of a localizable non-local gate is given in this subsection.
The formation of a Bell state, such as , is often given by applying a controlled-not operator to the result of applying a Hadamard operator to one of a pair of qubits initially in state :
(CX)(H⊗I)(|0⟩⊗|0⟩)=(CX)(H|0⟩⊗|0⟩)=1√2(|0⟩⊗|0⟩+|1⟩⊗|1⟩). (11)
In the example below we will use the two tensor product operators and from (4). If is the tensor product operator for the pair of qubits in the circuit below, then of course the Bell state is formed via the standard gate sequence (see, e.g., p27, [6])
\raisebox−16.512pt\leavevmode\hbox to219.37pt{\vbox to58.1pt{% \pgfpicture\makeatletter\hbox to 0.0pt{\pgfsys@beginscope{}\definecolor{% pgfstrokecolor}{rgb}{0,0,0}\pgfsys@color@rgb@stroke{0}{0}{0}{}% \pgfsys@color@rgb@fill{0}{0}{0}{}\pgfsys@setlinewidth{0.4pt}{}\nullfont\hbox t% o 0.0pt{\pgfsys@beginscope{} {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{0.0pt}\pgfsys@lineto{193.478741pt}{0.0pt}\pgfsys@stroke\pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{28.452756pt}\pgfsys@lineto{31.298032pt}{28.452756pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{42.% 679134pt}{28.452756pt}\pgfsys@lineto{193.478741pt}{28.452756pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope \par\par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 5.690551pt}{0.0pt}\pgfsys@lineto{5.690551pt}{45.52441pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-18.13568pt% }{26.492786pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{Q1}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-18.13568pt% }{-1.95997pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{Q2}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{1.076036pt}% {34.488621pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{1.076036pt}% {6.035865pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par{}{} {}{}{}{}{}{}{}\pgfsys@moveto{31.298032pt}{22.762205pt}\pgfsys@moveto{31.298032% pt}{22.762205pt}\pgfsys@lineto{31.298032pt}{34.143307pt}\pgfsys@lineto{42.6791% 34pt}{34.143307pt}\pgfsys@lineto{42.679134pt}{22.762205pt}\pgfsys@closepath% \pgfsys@moveto{42.679134pt}{34.143307pt}\pgfsys@stroke\pgfsys@invoke{ } {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{29.863691pt% }{25.952794pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{% \small\sf H}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 68.286614pt}{0.0pt}\pgfsys@lineto{68.286614pt}{45.52441pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{64.781757pt% }{34.488621pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|+⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{63.103044pt% }{6.035865pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par{}{} {}{}{}\pgfsys@moveto{99.584646pt}{-4.552441pt}\pgfsys@lineto{99.584646pt}{28.4% 52756pt}\pgfsys@stroke\pgfsys@invoke{ } {}{}{{{}} {}{}{}{}{}{}{}{}}\pgfsys@beginscope{}\color[rgb]{0,0,0}\definecolor[named]{% pgfstrokecolor}{rgb}{0,0,0}\pgfsys@color@gray@stroke{0}{}% \pgfsys@color@gray@fill{0}{}\definecolor[named]{pgffillcolor}{rgb}{0,0,0}% \pgfsys@moveto{99.584646pt}{28.452756pt}\pgfsys@moveto{102.429922pt}{28.452756% pt}\pgfsys@curveto{102.429922pt}{30.024159pt}{101.156049pt}{31.298032pt}{99.58% 4646pt}{31.298032pt}\pgfsys@curveto{98.013243pt}{31.298032pt}{96.73937pt}{30.0% 24159pt}{96.73937pt}{28.452756pt}\pgfsys@curveto{96.73937pt}{26.881353pt}{98.0% 13243pt}{25.60748pt}{99.584646pt}{25.60748pt}\pgfsys@curveto{101.156049pt}{25.% 60748pt}{102.429922pt}{26.881353pt}{102.429922pt}{28.452756pt}% \pgfsys@closepath\pgfsys@moveto{99.584646pt}{28.452756pt}\pgfsys@fill% \pgfsys@invoke{ } {}{}{}\pgfsys@endscope {}{}{{{}} {}{}{}{}{}{}{}{}}{}\pgfsys@moveto{99.584646pt}{0.0pt}\pgfsys@moveto{103.852559% pt}{0.0pt}\pgfsys@curveto{103.852559pt}{2.357103pt}{101.941749pt}{4.267913pt}{% 99.584646pt}{4.267913pt}\pgfsys@curveto{97.227543pt}{4.267913pt}{95.316733pt}{% 2.357103pt}{95.316733pt}{0.0pt}\pgfsys@curveto{95.316733pt}{-2.357103pt}{97.22% 7543pt}{-4.267913pt}{99.584646pt}{-4.267913pt}\pgfsys@curveto{101.941749pt}{-4% .267913pt}{103.852559pt}{-2.357103pt}{103.852559pt}{0.0pt}\pgfsys@closepath% \pgfsys@moveto{99.584646pt}{0.0pt}\pgfsys@stroke\pgfsys@invoke{ } \par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 130.882678pt}{0.0pt}\pgfsys@lineto{130.882678pt}{45.52441pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{115.942847% pt}{12.586403pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{}|β00⟩⊗1}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par\par\par\par\par\par\par\par\par {}\pgfsys@endscope{}{}{}\hss}\pgfsys@discardpath{}{}{}{}\pgfsys@endscope\hss}% \endpgfpicture}} . (12)
If for the pair of qubits , the operator is replaced by , then the Bell state is formed. By (4), the state is also formed because it is identical to . Similarly, if in addition to replacing by , the gate is eliminated, then the gate is effectively built into the tensor product operator for the pair and the state formed, , is as given by the circuit below:
\raisebox−16.512pt\leavevmode\hbox to207.41pt{\vbox to58.1pt{% \pgfpicture\makeatletter\hbox to 0.0pt{\pgfsys@beginscope{}\definecolor{% pgfstrokecolor}{rgb}{0,0,0}\pgfsys@color@rgb@stroke{0}{0}{0}{}% \pgfsys@color@rgb@fill{0}{0}{0}{}\pgfsys@setlinewidth{0.4pt}{}\nullfont\hbox t% o 0.0pt{\pgfsys@beginscope{} \par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{0.0pt}\pgfsys@lineto{130.882678pt}{0.0pt}\pgfsys@stroke\pgfsys@invoke{ } {}{}\pgfsys@endscope \par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{28.452756pt}\pgfsys@lineto{31.298032pt}{28.452756pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{42.% 679134pt}{28.452756pt}\pgfsys@lineto{130.882678pt}{28.452756pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope \par\par\par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 5.690551pt}{0.0pt}\pgfsys@lineto{5.690551pt}{45.52441pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-18.13568pt% }{26.492786pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{Q1}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-18.13568pt% }{-1.95997pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{Q2}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{1.076036pt}% {34.488621pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{1.076036pt}% {6.035865pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par{}{} {}{}{}{}{}{}{}\pgfsys@moveto{31.298032pt}{22.762205pt}\pgfsys@moveto{31.298032% pt}{22.762205pt}\pgfsys@lineto{31.298032pt}{34.143307pt}\pgfsys@lineto{42.6791% 34pt}{34.143307pt}\pgfsys@lineto{42.679134pt}{22.762205pt}\pgfsys@closepath% \pgfsys@moveto{42.679134pt}{34.143307pt}\pgfsys@stroke\pgfsys@invoke{ } {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{29.863691pt% }{25.952794pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{% \small\sf H}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 68.286614pt}{0.0pt}\pgfsys@lineto{68.286614pt}{45.52441pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope \par\par{{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{54.414983pt% }{12.586403pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{}|+⟩⊗2|0⟩=|β00⟩⊗1}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par\par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{0.0pt}\pgfsys@lineto{130.882678pt}{0.0pt}\pgfsys@stroke\pgfsys@invoke{ } {}{}\pgfsys@endscope \par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{28.452756pt}\pgfsys@lineto{31.298032pt}{28.452756pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{42.% 679134pt}{28.452756pt}\pgfsys@lineto{130.882678pt}{28.452756pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope \par\par\par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 5.690551pt}{0.0pt}\pgfsys@lineto{5.690551pt}{45.52441pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-18.13568pt% }{26.492786pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{Q1}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-18.13568pt% }{-1.95997pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{Q2}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{1.076036pt}% {34.488621pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{1.076036pt}% {6.035865pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par{}{} {}{}{}{}{}{}{}\pgfsys@moveto{31.298032pt}{22.762205pt}\pgfsys@moveto{31.298032% pt}{22.762205pt}\pgfsys@lineto{31.298032pt}{34.143307pt}\pgfsys@lineto{42.6791% 34pt}{34.143307pt}\pgfsys@lineto{42.679134pt}{22.762205pt}\pgfsys@closepath% \pgfsys@moveto{42.679134pt}{34.143307pt}\pgfsys@stroke\pgfsys@invoke{ } {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{29.863691pt% }{25.952794pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{% \small\sf H}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 68.286614pt}{0.0pt}\pgfsys@lineto{68.286614pt}{45.52441pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope \par\par{{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{54.414983pt% }{12.586403pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{}|+⟩⊗2|0⟩=|β00⟩⊗1}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par {}\pgfsys@endscope{}{}{}\hss}\pgfsys@discardpath{}{}{}{}\pgfsys@endscope\hss}% \endpgfpicture}}. (13)
The point of this example is not to show there is a gain by eliminating the gate. Rather, it is to show that both operators (gates in the case of circuits) and observables for multipartite systems must be chosen and coordinated with the tensor product operators that combine the states of the separate parts of such systems.
It might be argued that when we construct circuits we do not explicitly build in the tensor product operators among the qubits. But in fact we do implicitly build in the tensor product operators by the choice of gates and observables in the circuit that are tensor product operator-dependent. To change the tensor product operator in a circuit is to change the ordered computational basis for the combined circuit, by re-ordering the computational basis, or changing the computational basis set altogether, or both.
Suppose now that the state space of the circuit of both qubits is with each of the qubits having state space . In modifying (12) to obtain (13), the change from tensor product operator to re-orders the computational basis so that for example is and results in the overall state in circuit (13) immediately after the Hadamard gate being the same as it is in (12) after the gate, as shown in the circuit diagram. Suppose is measured into its computational basis immediately following the gate in (12) and the Hadamard gate in (13). In (12) we obtain or
with equal probability. In (
13) we obtain with certainty even though we are measuring the same state of the overall state of the circuit in each case. We get different results because the (implicit) observables are different in the two cases. Specifically, an observable for the projective measurement into the computational basis of , considered in isolation, is . An observable for the measurement of the combined system of both qubits in (12) is given by . Let and be the orthogonal projection operators in the spectral decomposition of . In (13), by lemma (3.1) the observable is given by with corresponding orthogonal projection operators and . Then for the circuit (12) we have the two possible post-measurement states
P1|β00⟩⊗1√⟨β00|⊗1P1|β00⟩⊗1, P−1|β11⟩⊗1√⟨β11|⊗1P−1|β11⟩⊗1. (14)
In both cases the denominators, being show the post-measurement outcomes to be equally likely. In (13) the possible post-measurement states are
Q1|β00⟩⊗1√⟨β00|⊗1Q1|β00⟩⊗1, Q−1|β11⟩⊗1√⟨β11|⊗1Q−1|β11⟩⊗1. (15)
The second of these two post-measurement states is undefined, and the first has unit probably. The distinct observables for these two circuits show that if the projective measurement into the computational basis of as part (13) is carried out with respect to the observable corresponding to while holds between and , the improper coordination of the observable with the tensor product operator results in an unintended distribution on the possible results of the measurement.
Change of tensor product operator from to in either of these circuits can result in the localization of some measurements. Consider a joint projective measurement of the qubits into the eigenstates of observable
S=1√2⎡⎢ ⎢ ⎢⎣1 0 0−101−100−1−10−100−1⎤⎥ ⎥ ⎥⎦B1 (16)
which is a local with respect to since
S′=(CX)S(CX)=(|−⟩⟨0|−|+⟩⟨1|)⊗3I. (17)
The eigenvalues of
and are and , each with multiplicity . The corresponding measurement only nontrivially involves and measures into the eigenstates of . Thus, if the original eigenstates of are needed for further processing, they are known from the known observable and the post-measurement state that would have resulted from the original measurement. Further, they recoverable from the known eigenstates of the observable.
The relationship between and in circuit (12) suggests that changing tensor products in “mid-circuit” can be useful. Changing tensor product operators in this way is effectively achievable by keeping another related circuit but using a different tensor product operator in the other circuit. One can then transfer qubit states by swapping relative to the appropriate tensor product operators that connect the two circuits by connecting the corresponding qubits with swap gates. For example, consider the following circuit
\raisebox−16.512pt\leavevmode\hbox to296.2pt{\vbox to115.98pt{% \pgfpicture\makeatletter\hbox to 0.0pt{\pgfsys@beginscope{}\definecolor{% pgfstrokecolor}{rgb}{0,0,0}\pgfsys@color@rgb@stroke{0}{0}{0}{}% \pgfsys@color@rgb@fill{0}{0}{0}{}\pgfsys@setlinewidth{0.4pt}{}\nullfont\hbox t% o 0.0pt{\pgfsys@beginscope{} {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{56.905512pt}\pgfsys@lineto{256.074804pt}{56.905512pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{28.452756pt}\pgfsys@lineto{256.074804pt}{28.452756pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{85.358268pt}\pgfsys@lineto{31.298032pt}{85.358268pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{42.% 679134pt}{85.358268pt}\pgfsys@lineto{256.074804pt}{85.358268pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope \par\par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 5.690551pt}{56.905512pt}\pgfsys@lineto{5.690551pt}{102.429922pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-18.13568pt% }{83.398298pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{Q1}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-18.13568pt% }{54.945542pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{Q2}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{1.076036pt}% {91.394133pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{1.076036pt}% {62.941377pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{223.007533% pt}{91.394133pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{223.007533% pt}{62.941377pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{223.007533% pt}{62.941377pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{223.007533% pt}{34.488621pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|+⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{223.007533% pt}{6.035865pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-32.362058% pt}{12.835463pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{⊗2}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-32.362058% pt}{69.740975pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{⊗1}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par{}{} {}{}{}{}{}{}{}\pgfsys@moveto{31.298032pt}{79.667717pt}\pgfsys@moveto{31.298032% pt}{79.667717pt}\pgfsys@lineto{31.298032pt}{91.048819pt}\pgfsys@lineto{42.6791% 34pt}{91.048819pt}\pgfsys@lineto{42.679134pt}{79.667717pt}\pgfsys@closepath% \pgfsys@moveto{42.679134pt}{91.048819pt}\pgfsys@stroke\pgfsys@invoke{ } {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{29.863691pt% }{82.858306pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{% \small\sf H}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 68.286614pt}{56.905512pt}\pgfsys@lineto{68.286614pt}{102.429922pt}% \pgfsys@stroke\pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{64.781757pt% }{91.394133pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|+⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{63.103044pt% }{62.941377pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par{}{} {}{}{}\pgfsys@moveto{99.584646pt}{52.353071pt}\pgfsys@lineto{99.584646pt}{85.3% 58268pt}\pgfsys@stroke\pgfsys@invoke{ } {}{}{{{}} {}{}{}{}{}{}{}{}}\pgfsys@beginscope{}\color[rgb]{0,0,0}\definecolor[named]{% pgfstrokecolor}{rgb}{0,0,0}\pgfsys@color@gray@stroke{0}{}% \pgfsys@color@gray@fill{0}{}\definecolor[named]{pgffillcolor}{rgb}{0,0,0}% \pgfsys@moveto{99.584646pt}{85.358268pt}\pgfsys@moveto{102.429922pt}{85.358268% pt}\pgfsys@curveto{102.429922pt}{86.929671pt}{101.156049pt}{88.203544pt}{99.58% 4646pt}{88.203544pt}\pgfsys@curveto{98.013243pt}{88.203544pt}{96.73937pt}{86.9% 29671pt}{96.73937pt}{85.358268pt}\pgfsys@curveto{96.73937pt}{83.786865pt}{98.0% 13243pt}{82.512992pt}{99.584646pt}{82.512992pt}\pgfsys@curveto{101.156049pt}{8% 2.512992pt}{102.429922pt}{83.786865pt}{102.429922pt}{85.358268pt}% \pgfsys@closepath\pgfsys@moveto{99.584646pt}{85.358268pt}\pgfsys@fill% \pgfsys@invoke{ } {}{}{}\pgfsys@endscope {}{}{{{}} {}{}{}{}{}{}{}{}}{}\pgfsys@moveto{99.584646pt}{56.905512pt}\pgfsys@moveto{103.% 852559pt}{56.905512pt}\pgfsys@curveto{103.852559pt}{59.262615pt}{101.941749pt}% {61.173425pt}{99.584646pt}{61.173425pt}\pgfsys@curveto{97.227543pt}{61.173425% pt}{95.316733pt}{59.262615pt}{95.316733pt}{56.905512pt}\pgfsys@curveto{95.3167% 33pt}{54.548409pt}{97.227543pt}{52.637599pt}{99.584646pt}{52.637599pt}% \pgfsys@curveto{101.941749pt}{52.637599pt}{103.852559pt}{54.548409pt}{103.8525% 59pt}{56.905512pt}\pgfsys@closepath\pgfsys@moveto{99.584646pt}{56.905512pt}% \pgfsys@stroke\pgfsys@invoke{ } \par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 130.882678pt}{56.905512pt}\pgfsys@lineto{130.882678pt}{102.429922pt}% \pgfsys@stroke\pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 227.622048pt}{56.905512pt}\pgfsys@lineto{227.622048pt}{102.429922pt}% \pgfsys@stroke\pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{115.942847% pt}{69.491915pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{}|β00⟩⊗1}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par\par\par\par\par\par\par\par\par{}{} {}{}{}\pgfsys@moveto{170.716536pt}{85.358268pt}\pgfsys@lineto{170.716536pt}{28% .452756pt}\pgfsys@stroke\pgfsys@invoke{ } {}{} {}{}{}\pgfsys@moveto{199.169292pt}{56.905512pt}\pgfsys@lineto{199.169292pt}{0.% 0pt}\pgfsys@stroke\pgfsys@invoke{ } {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{163.216651% pt}{82.858306pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{\sf X% }} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{163.216651% pt}{25.952794pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{\sf X% }} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{191.669407% pt}{54.40555pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{\sf X% }} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{191.669407% pt}{-2.499962pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{\sf X% }} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par\par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{0.0pt}\pgfsys@lineto{256.074804pt}{0.0pt}\pgfsys@stroke\pgfsys@invoke{ } {}{}\pgfsys@endscope \par\par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 5.690551pt}{0.0pt}\pgfsys@lineto{5.690551pt}{45.52441pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-18.13568pt% }{25.512801pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{Q′1}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-18.13568pt% }{-2.939955pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{Q′2}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{1.076036pt}% {34.488621pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|0⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} \par\par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 68.286614pt}{0.0pt}\pgfsys@lineto{68.286614pt}{45.52441pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope \par\par\par{}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 130.882678pt}{0.0pt}\pgfsys@lineto{130.882678pt}{45.52441pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 227.622048pt}{0.0pt}\pgfsys@lineto{227.622048pt}{45.52441pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope \par\par\par\par\par\par\par\par\par {}\pgfsys@endscope{}{}{}\hss}\pgfsys@discardpath{}{}{}{}\pgfsys@endscope\hss}% \endpgfpicture}}. (18)
The tensor product operator to connect with and with can be any tensor product operator one likes and could even be distinct for each of the qubit pairs to be connected with swap gates. In practice, that operator would be determined by what unitary operator one chooses to be the swap gates, but one might as well choose, say, .
In the following subsection, we show how to combine these extra tensor product operators with and to produce states of the -qubit circuit.
### 4.2 Mixing tensor products: example with teleportation
This subsection presents a standard example of a teleportation circuit from [6] but in which distinct tensor products among the three pairs of qubits are used and combined. The purpose of this exercise is not to show there is a gain but rather to demonstrate that the modularity presents no difficulty and does not change the physics. In addition, a nontrivial example of a localizable non-local operator is given in this subsection.
Consider the following well-known 3-qubit quantum circuit to teleport the state of one of Alice’s qubits to Bob’s qubit where Alice and Bob share the Bell state at the start of the process, [6].
\raisebox−27.52pt\leavevmode\hbox to347.41pt{\vbox to95.16pt{% \pgfpicture\makeatletter\hbox to 0.0pt{\pgfsys@beginscope{}\definecolor{% pgfstrokecolor}{rgb}{0,0,0}\pgfsys@color@rgb@stroke{0}{0}{0}{}% \pgfsys@color@rgb@fill{0}{0}{0}{}\pgfsys@setlinewidth{0.4pt}{}\nullfont\hbox t% o 0.0pt{\pgfsys@beginscope{} {}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 5.690551pt}{0.0pt}\pgfsys@lineto{5.690551pt}{68.286614pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-11.409188% pt}{72.017196pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|φ1⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 69.140197pt}{0.0pt}\pgfsys@lineto{69.140197pt}{68.286614pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{52.040458pt% }{72.017196pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|φ2⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 132.589843pt}{0.0pt}\pgfsys@lineto{132.589843pt}{68.286614pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{115.490104% pt}{72.017196pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{|φ3⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 196.039489pt}{0.0pt}\pgfsys@lineto{196.039489pt}{68.286614pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setdash{3.0pt,3.0pt}{0.0pt}{}{}\pgfsys@moveto{% 258.92008pt}{0.0pt}\pgfsys@lineto{258.92008pt}{68.286614pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope \par{{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-18.13568pt% }{54.945542pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{A1}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{56.905512pt}\pgfsys@lineto{95.174469pt}{56.905512pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{}{{{}} {}{}{}{}{}{}{}{}}\pgfsys@beginscope{}\color[rgb]{0,0,0}\definecolor[named]{% pgfstrokecolor}{rgb}{0,0,0}\pgfsys@color@gray@stroke{0}{}% \pgfsys@color@gray@fill{0}{}\definecolor[named]{pgffillcolor}{rgb}{0,0,0}% \pgfsys@moveto{37.47228pt}{56.905512pt}\pgfsys@moveto{40.317556pt}{56.905512pt% }\pgfsys@curveto{40.317556pt}{58.476915pt}{39.043682pt}{59.750788pt}{37.47228% pt}{59.750788pt}\pgfsys@curveto{35.900877pt}{59.750788pt}{34.627004pt}{58.4769% 15pt}{34.627004pt}{56.905512pt}\pgfsys@curveto{34.627004pt}{55.334109pt}{35.90% 0877pt}{54.060236pt}{37.47228pt}{54.060236pt}\pgfsys@curveto{39.043682pt}{54.0% 60236pt}{40.317556pt}{55.334109pt}{40.317556pt}{56.905512pt}\pgfsys@closepath% \pgfsys@moveto{37.47228pt}{56.905512pt}\pgfsys@fill\pgfsys@invoke{ } {}{}{}\pgfsys@endscope {}{} {}{}{}{}{}{}{}\pgfsys@moveto{95.174469pt}{51.214961pt}\pgfsys@moveto{95.174469% pt}{51.214961pt}\pgfsys@lineto{95.174469pt}{62.596063pt}\pgfsys@lineto{106.555% 571pt}{62.596063pt}\pgfsys@lineto{106.555571pt}{51.214961pt}\pgfsys@closepath% \pgfsys@moveto{106.555571pt}{62.596063pt}\pgfsys@stroke\pgfsys@invoke{ } {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{93.734438pt% }{54.40555pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{% \small\sf H}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{106% .555571pt}{56.905512pt}\pgfsys@lineto{158.624115pt}{56.905512pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}{}{}{}{}{}\pgfsys@moveto{158.624115pt}{51.214961pt}\pgfsys@moveto{158.6241% 15pt}{51.214961pt}\pgfsys@lineto{158.624115pt}{62.596063pt}\pgfsys@lineto{170.% 005217pt}{62.596063pt}\pgfsys@lineto{170.005217pt}{51.214961pt}% \pgfsys@closepath\pgfsys@moveto{170.005217pt}{62.596063pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}{{}{}{}{{}}{{{}{}{}{}}}}{} {} {} {} {}{}{}\pgfsys@moveto{160.160564pt}{56.905512pt}\pgfsys@curveto{162.610131pt}{5% 8.620717pt}{165.870905pt}{58.620717pt}{168.320473pt}{56.905512pt}% \pgfsys@stroke\pgfsys@invoke{ } {}{} {}{}{}\pgfsys@moveto{164.314666pt}{52.637599pt}\pgfsys@lineto{166.448623pt}{59% .181732pt}\pgfsys@stroke\pgfsys@invoke{ } {}{}{{{}} {}{}{}{}{}{}{}{}}\pgfsys@beginscope{}\color[rgb]{0,0,0}\definecolor[named]{% pgfstrokecolor}{rgb}{0,0,0}\pgfsys@color@gray@stroke{0}{}% \pgfsys@color@gray@fill{0}{}\definecolor[named]{pgffillcolor}{rgb}{0,0,0}% \pgfsys@moveto{166.448623pt}{59.181732pt}\pgfsys@moveto{167.017678pt}{59.18173% 2pt}\pgfsys@curveto{167.017678pt}{59.496013pt}{166.762903pt}{59.750787pt}{166.% 448623pt}{59.750787pt}\pgfsys@curveto{166.134342pt}{59.750787pt}{165.879568pt}% {59.496013pt}{165.879568pt}{59.181732pt}\pgfsys@curveto{165.879568pt}{58.86745% 2pt}{166.134342pt}{58.612677pt}{166.448623pt}{58.612677pt}\pgfsys@curveto{166.% 762903pt}{58.612677pt}{167.017678pt}{58.867452pt}{167.017678pt}{59.181732pt}% \pgfsys@closepath\pgfsys@moveto{166.448623pt}{59.181732pt}\pgfsys@fill% \pgfsys@invoke{ } {}{}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{170% .005217pt}{56.905512pt}\pgfsys@lineto{321.516143pt}{56.905512pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{1.707165pt}{}{}\pgfsys@moveto{170% .005217pt}{54.060236pt}\pgfsys@lineto{291.839918pt}{54.060236pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{1.707165pt}{}{}\pgfsys@moveto{291% .071694pt}{5.690551pt}\pgfsys@lineto{291.071694pt}{54.060236pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope \par{{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-18.13568pt% }{26.492786pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{A2}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{28.452756pt}\pgfsys@lineto{158.624115pt}{28.452756pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{}{{{}} {}{}{}{}{}{}{}{}}{}\pgfsys@moveto{37.47228pt}{28.452756pt}\pgfsys@moveto{41.74% 0193pt}{28.452756pt}\pgfsys@curveto{41.740193pt}{30.809859pt}{39.829383pt}{32.% 720669pt}{37.47228pt}{32.720669pt}\pgfsys@curveto{35.115176pt}{32.720669pt}{33% .204367pt}{30.809859pt}{33.204367pt}{28.452756pt}\pgfsys@curveto{33.204367pt}{% 26.095653pt}{35.115176pt}{24.184843pt}{37.47228pt}{24.184843pt}\pgfsys@curveto% {39.829383pt}{24.184843pt}{41.740193pt}{26.095653pt}{41.740193pt}{28.452756pt}% \pgfsys@closepath\pgfsys@moveto{37.47228pt}{28.452756pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{} {}{}{}\pgfsys@moveto{37.47228pt}{23.900315pt}\pgfsys@lineto{37.47228pt}{56.905% 512pt}\pgfsys@stroke\pgfsys@invoke{ } {}{} {}{}{}{}{}{}{}\pgfsys@moveto{158.624115pt}{22.762205pt}\pgfsys@moveto{158.6241% 15pt}{22.762205pt}\pgfsys@lineto{158.624115pt}{34.143307pt}\pgfsys@lineto{170.% 005217pt}{34.143307pt}\pgfsys@lineto{170.005217pt}{22.762205pt}% \pgfsys@closepath\pgfsys@moveto{170.005217pt}{34.143307pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}{{}{}{}{{}}{{{}{}{}{}}}}{} {} {} {} {}{}{}\pgfsys@moveto{160.160564pt}{28.452756pt}\pgfsys@curveto{162.610131pt}{3% 0.167961pt}{165.870905pt}{30.167961pt}{168.320473pt}{28.452756pt}% \pgfsys@stroke\pgfsys@invoke{ } {}{} {}{}{}\pgfsys@moveto{164.314666pt}{24.184843pt}\pgfsys@lineto{166.448623pt}{30% .728976pt}\pgfsys@stroke\pgfsys@invoke{ } {}{}{{{}} {}{}{}{}{}{}{}{}}\pgfsys@beginscope{}\color[rgb]{0,0,0}\definecolor[named]{% pgfstrokecolor}{rgb}{0,0,0}\pgfsys@color@gray@stroke{0}{}% \pgfsys@color@gray@fill{0}{}\definecolor[named]{pgffillcolor}{rgb}{0,0,0}% \pgfsys@moveto{166.448623pt}{30.728976pt}\pgfsys@moveto{167.017678pt}{30.72897% 6pt}\pgfsys@curveto{167.017678pt}{31.043257pt}{166.762903pt}{31.298031pt}{166.% 448623pt}{31.298031pt}\pgfsys@curveto{166.134342pt}{31.298031pt}{165.879568pt}% {31.043257pt}{165.879568pt}{30.728976pt}\pgfsys@curveto{165.879568pt}{30.41469% 6pt}{166.134342pt}{30.159921pt}{166.448623pt}{30.159921pt}\pgfsys@curveto{166.% 762903pt}{30.159921pt}{167.017678pt}{30.414696pt}{167.017678pt}{30.728976pt}% \pgfsys@closepath\pgfsys@moveto{166.448623pt}{30.728976pt}\pgfsys@fill% \pgfsys@invoke{ } {}{}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{170% .005217pt}{28.452756pt}\pgfsys@lineto{321.516143pt}{28.452756pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{1.707165pt}{}{}\pgfsys@moveto{170% .005217pt}{25.60748pt}\pgfsys@lineto{229.528383pt}{25.60748pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{1.707165pt}{}{}\pgfsys@moveto{228% .760158pt}{5.690551pt}\pgfsys@lineto{228.760158pt}{25.60748pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope \par{{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-16.035712% pt}{-2.499962pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{B}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{0.0% pt}{0.0pt}\pgfsys@lineto{222.500552pt}{0.0pt}\pgfsys@stroke\pgfsys@invoke{ } {}{}\pgfsys@endscope {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{-6.233858pt% }{12.266408pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{}|β00⟩}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {}{} {}{}{}{}{}{}{}\pgfsys@moveto{223.069607pt}{-5.690551pt}\pgfsys@moveto{223.0696% 07pt}{-5.690551pt}\pgfsys@lineto{223.069607pt}{5.690551pt}\pgfsys@lineto{234.4% 50709pt}{5.690551pt}\pgfsys@lineto{234.450709pt}{-5.690551pt}\pgfsys@closepath% \pgfsys@moveto{234.450709pt}{5.690551pt}\pgfsys@stroke\pgfsys@invoke{ } {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{219.535299% pt}{-3.479947pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{{% \small\sf X}j}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{234% .450709pt}{0.0pt}\pgfsys@lineto{285.381143pt}{0.0pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}{} {}{}{}{}{}{}{}\pgfsys@moveto{285.381143pt}{-5.690551pt}\pgfsys@moveto{285.3811% 43pt}{-5.690551pt}\pgfsys@lineto{285.381143pt}{5.690551pt}\pgfsys@lineto{296.7% 62245pt}{5.690551pt}\pgfsys@lineto{296.762245pt}{-5.690551pt}\pgfsys@closepath% \pgfsys@moveto{296.762245pt}{5.690551pt}\pgfsys@stroke\pgfsys@invoke{ } {{}}\hbox{\hbox{{\pgfsys@beginscope{}{{}{}{{ {}{}}}{ {}{}} {{}{{}}}{{}{}}{}{{}{}} { }{{{{}}\pgfsys@beginscope{}\pgfsys@transformcm{1.0}{0.0}{0.0}{1.0}{281.846835% pt}{-3.479947pt}{}\hbox{{\definecolor{pgfstrokecolor}{rgb}{0,0,0}% \pgfsys@color@rgb@stroke{0}{0}{0}{}\pgfsys@color@rgb@fill{0}{0}{0}{}\hbox{{{% \small\sf Z}i}} }}{}{}\pgfsys@endscope}}} {}{}{}\pgfsys@endscope}}} {}{} {}{}\pgfsys@beginscope{}\pgfsys@setlinewidth{0.853583pt}{}{}\pgfsys@moveto{296% .762245pt}{0.0pt}\pgfsys@lineto{321.516143pt}{0.0pt}\pgfsys@stroke% \pgfsys@invoke{ } {}{}\pgfsys@endscope {}\pgfsys@endscope{}{}{}\hss}\pgfsys@discardpath{}{}{}{}\pgfsys@endscope\hss}% \endpgfpicture}} . (19)
Below, we explore the consequences for this teleportation circuit arising from using distinct tensor product operators for each of the three 2-qubit subsystems. The purpose is to exhibit in detail how potentially distinct tensor product operations among different pairs of qubits of a circuit affect the circuit’s action. It will be seen that if the gates and observables on the -qubit subsystems are coordinated with the tensor product operators on each of the -qubit subsystems, then the net action of the circuit is to produce the same -qubit states , and as it would if it employed the same tensor product operator on all three -qubit subsystems.
The state spaces of each of the three qubits is with the usual standard ordered orthonormal basis which we have labeled , above. For illustration purposes, we choose three distinct ordered orthonormal bases for the state spaces of the qubit pairs: , and . The tensor product symbol in the expressions for each of these state spaces for the qubit pairs does not denote an operator on pairs of vectors. Instead, the symbol denotes the tensor product space to serve as the codomain for tensor product operators on the vectors in the spaces being joined. For example, denotes the tensor product space that serves as the codomain for all tensor product operators of type such as the operators and that were defined above in example (2.1). and have the same type: , where it is assumed the tensor product space has been constructed to be .
Two of the bases are given by: and and the third is given by , where is derived from the Bell basis with respect to and is given by
|0⟩A1⊗3|0⟩A2=|β10⟩=1√2(|0⟩A1⊗1|0⟩A2−|1⟩A1⊗1|1⟩A2),|0⟩A1⊗3|1⟩A2=|β11⟩=1√2(|0⟩A1⊗1|1⟩A2−|1⟩A1⊗1|0⟩A2),|1⟩A1⊗3|0⟩A2=−|β01⟩=−1√2(|0⟩A1⊗1|1⟩A2+|1⟩A1⊗1|0⟩A2),|1⟩A1⊗3|1⟩A2=−|β00⟩=−1√2(|0⟩A1⊗1|0⟩A2+|1⟩A1⊗1|1⟩A2). (20)
Thus, combines the subsystem consisting of qubits and , combines and , and combines and . The corresponding matrix for the similarity transformation for a change of basis from to is
S=1√2⎡⎢ ⎢ ⎢⎣100−101−100−1−10−100−1⎤⎥ ⎥ ⎥⎦B3→B1. (21)
yields a third tensor product operator such that
B3={|0⟩A1⊗3|0⟩A2, |0⟩A1⊗3|1⟩A2, |1⟩A1⊗3|0⟩A2, |1⟩A1⊗3|1⟩A2}.
Let be the state space of the circuit, and choose any fixed ordered orthonormal basis of and denote it by
B={|bijk⟩∣i,j,k∈{0,1}}={|b000⟩,|b001⟩,…,|b111⟩}. (22)
An expression such as
|ψ1⟩A1⊗1|ψ2⟩A2⊗1|ψ3⟩B (23)
is not rigorously defined. To be rigorously defined the operator would have to map, in particular, a pair of states, one of which is -level, and the other -level, to an -level state while also mapping a pair of -level states to a -level state. Thus, the expression is ill-typed due to both an implicit overloading of the symbol and an ambiguous grouping. A rigorous means of treating this obstacle is to define several tensor product operators as in the following. Define three tensor product operators: For each ,
⊗B(A1A2):(HA1⊗HA2) \large× HB⟶H:(|i⟩A1⊗3|j⟩A2,|k⟩B)↦|bijk⟩,⊗A2(A1B):(HA1⊗HB) \large× HA2⟶H:(|i⟩A1⊗2|k⟩B,|j⟩A2)↦|bijk⟩,⊗A1(A2B):(HA2⊗HB) \large× HA1⟶H:(|j⟩A2⊗1|k⟩B,|i⟩A1)↦|bijk⟩. (24)
Prefix notation is used in these auxiliary tensor product operator definitions since it is necessary in the case of . With these operators the successive states of (19) can be calculated. Let the initial state of be . We then have
|φ1⟩=⊗A1(A2B)(|β00⟩⊗1,a|0⟩A1+b|1⟩A1)=a√2(⊗A1(A2B)(|0⟩A2⊗1|0⟩B,|0⟩A1))+a√2(⊗A1(A2B)(|1⟩A2⊗1|1⟩B,|0⟩A1))+ b√2(⊗A1(A2B)(|0⟩A2⊗1|0⟩B,|1⟩A1))+b√2(⊗A1(A2B)(|1⟩A2⊗1|1⟩B,|1⟩A1))=a√2|b000⟩+a√2|b011⟩+b√2|b100⟩+b√2|b111⟩=a√2(⊗B(A1A2)(|0⟩A1⊗3|0⟩A2,|0⟩B))+a√2(⊗B(A1A2)(|0⟩A1⊗3|1⟩A2,|1⟩B))+ b√2(⊗B(A1A2)(|1⟩A1⊗3|0⟩A2,|0⟩B))+b√2(⊗B(A1A2)(|1⟩A1⊗3|1⟩A2,|1⟩B)) . (25)
|φ2⟩=((CX)B3⊗B(A1A2)IB)|φ1⟩=a√2(⊗B(A1A2)(|0⟩A1⊗3|0⟩A2,|0⟩B))+a√2(⊗B(A1A2)3(12)(|0⟩A1⊗3|1⟩A2,|1⟩B))+ b√2(⊗B(A1A2)(|1⟩A1⊗3|1⟩A2,|0⟩B))+b√2(⊗B(A1A2)(|1⟩A1⊗3|0⟩A2,|1⟩B))=a
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9742720127105713, "perplexity": 4089.5189577745423}, "config": {"markdown_headings": true, "markdown_code": false, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-21/segments/1652662578939.73/warc/CC-MAIN-20220525023952-20220525053952-00722.warc.gz"}
|
http://www.fightfinance.com/?q=19,204,292,414,597,642,785,903,904,936
|
# Fight Finance
#### CoursesTagsRandomAllRecentScores
Scores keithphw $6,011.61 Jade$1,815.80 Chu $789.98 royal ne...$750.00 Leehy $713.33 Visitor$650.00 ZOE HY $640.00 JennyLI$625.61 Visitor $590.00 Visitor$555.33 Visitor $550.00 Visitor$550.00 Visitor $540.00 Visitor$500.00 Yizhou $489.18 Visitor$480.00 Visitor $470.00 Visitor$464.70 Visitor $460.00 Visitor$460.00
You want to buy an apartment priced at $300,000. You have saved a deposit of$30,000. The bank has agreed to lend you the $270,000 as a fully amortising loan with a term of 25 years. The interest rate is 12% pa and is not expected to change. What will be your monthly payments? Remember that mortgage loan payments are paid in arrears (at the end of the month). You just signed up for a 30 year fully amortising mortgage loan with monthly payments of$1,500 per month. The interest rate is 9% pa which is not expected to change.
To your surprise, you can actually afford to pay $2,000 per month and your mortgage allows early repayments without fees. If you maintain these higher monthly payments, how long will it take to pay off your mortgage? Find the sample standard deviation of returns using the data in the table: Stock Returns Year Return pa 2008 0.3 2009 0.02 2010 -0.2 2011 0.4 The returns above and standard deviations below are given in decimal form. A mature firm has constant expected future earnings and dividends. Both amounts are equal. So earnings and dividends are expected to be equal and unchanging. Which of the following statements is NOT correct? A stock is expected to pay a dividend of$5 per share in 1 month and $5 again in 7 months. The stock price is$100, and the risk-free rate of interest is 10% per annum with continuous compounding. The yield curve is flat. Assume that investors are risk-neutral.
An investor has just taken a short position in a one year forward contract on the stock.
Find the forward price $(F_1)$ and value of the contract $(V_0)$ initially. Also find the value of the short futures contract in 6 months $(V_\text{0.5, SF})$ if the stock price fell to \$90.
Which of the below formulas gives the payoff at maturity $(f_T)$ from being short a future? Let the underlying asset price at maturity be $S_T$ and the locked-in futures price be $K_T$.
Question 785 fixed for floating interest rate swap, non-intermediated swap
The below table summarises the borrowing costs confronting two companies A and B.
Bond Market Yields Fixed Yield to Maturity (%pa) Floating Yield (%pa) Firm A 3 L - 0.4 Firm B 5 L + 1
Firm A wishes to borrow at a floating rate and Firm B wishes to borrow at a fixed rate. Design a non-intermediated swap that benefits firm A only. What will be the swap rate?
Question 903 option, Black-Scholes-Merton option pricing, option on stock index
A six month European-style call option on the S&P500 stock index has a strike price of 2800 points.
The underlying S&P500 stock index currently trades at 2700 points, has a continuously compounded dividend yield of 2% pa and a standard deviation of continuously compounded returns of 25% pa.
The risk-free interest rate is 5% pa continuously compounded.
Use the Black-Scholes-Merton formula to calculate the option price. The call option price now is:
Question 904 option, Black-Scholes-Merton option pricing, option on future on stock index
A six month European-style call option on six month S&P500 index futures has a strike price of 2800 points.
The six month futures price on the S&P500 index is currently at 2740.805274 points. The futures underlie the call option.
The S&P500 stock index currently trades at 2700 points. The stock index underlies the futures. The stock index's standard deviation of continuously compounded returns is 25% pa.
The risk-free interest rate is 5% pa continuously compounded.
Use the Black-Scholes-Merton formula to calculate the option price. The call option price now is:
You work for XYZ company and you’ve been asked to evaluate a new project which has double the systematic risk of the company’s other projects.
You use the Capital Asset Pricing Model (CAPM) formula and input the treasury yield $(r_f )$, market risk premium $(r_m-r_f )$ and the company’s asset beta risk factor $(\beta_{XYZ} )$ into the CAPM formula which outputs a return.
This return that you’ve just found is:
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 2, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.22828105092048645, "perplexity": 3595.670435397528}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.3, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2019-13/segments/1552912202526.24/warc/CC-MAIN-20190321152638-20190321174638-00085.warc.gz"}
|
https://math.stackexchange.com/questions/853554/the-connection-between-quantifier-elimination-omega-categorical-and-ultrahom
|
# The connection between quantifier elimination, $\omega$-categorical and ultrahomogenous
A relational structure $A$ with an $\omega-$categorical theory $Th(A)$ is ultrahomogenous iff $Th(A)$ admits quantifier elimination. (*)
I was wondering wether the structure $A$ has to be countable...
Think of the following example:
We have the set $A= (0,1)_\mathbb Q \cup (1,2)_\mathbb{R}$ and one binary relation $<$ (the linear order). I think $A$ admits quantifier elimination, is $\omega-$categorical (because the theory is that of a dense linear order) but NOT ultrahomogenous as $\mathbb{Q}$ and $\mathbb{R}$ are not isomorph.
What do you think?
Thank you in advance for any help!
Supplement
I haven’t had much time to do modeltheory the last weeks, but today I tried to proof the other direction of *. And I would appreciate some help again!
Claim: If a countable structure $A$ has an $\omega$-categorical theory and admits QE, then it is ultrahomogeneous.
Proof: Assume $Th(A)$ admits quantifier elimination, $\bar{a}, \bar{b} \in A^n$ and $f: \bar{a} \mapsto \bar{b}$ is an isomorphism. We have to show: there exists an automorphism $f’$ so that $f'(\bar{a}) = \bar{b}$.
As $Th(A)$ is $\omega-$categorical and admits QE, there exists a quantifier-free formular $\varphi(\bar{x})$, that isolates tp($\bar{a}$). And because of the isomorphism $f$ we get: $A \models \varphi( \bar{b})$, hence tp($\bar{a}$)=tp($\bar{b}$). At this point I don't know how to argue, that whenever two n-tuples have the same complete type, there exists an automorphism between them. Do you have an idea? Thank you!
• Since the supplement is really a new question, it's better to ask it as a new question. Especially since this question already has an accepted answer - there's no guarantee that anyone will notice your edit. (Of course, I've been rather obsessively answering model theory questions on this site recently, but hopefully that won't always be the case!) Aug 3, 2014 at 19:13
• But since I'm here: The property of a model $M$ that you're looking for is called $\omega$-strongly homogeneous. That is, whenever $\overline{a}$ and $\overline{b}$ are finite tuples in $M$ and $\text{tp}(\overline{a}) = \text{tp}(\overline{b})$, then there is an automorphism of $M$ moving $\overline{a}$ to $\overline{b}$. It's true that all countable atomic models are $\omega$-strongly homogeneous, as are all countable saturated models, as are all countable models of $\omega$-categorical theories (being both atomic and saturated). Aug 3, 2014 at 19:16
• These facts follow easily from Theorem 2.3.3 and Theorem 2.3.9 in Chang and Keisler after adding some constants into the language ($(M,\overline{a})\equiv (M,\overline{b})$, so they're isomorphic). Aug 3, 2014 at 19:21
You're right, the theorem is only true with the additional hypothesis that $A$ is countable.
In your example, the structure $A$ is not ultrahomogeneous, because the $2$-element substructure $\{\frac{1}{3},\frac{2}{3}\}$ is isomorphic to the $2$-element substructure $\{\frac{4}{3},\frac{5}{3}\}$, but this isomorphism doesn't extend to an automorphism of $A$, since the interval $(\frac{1}{3},\frac{2}{3})$ is countable, while the interval $(\frac{4}{3},\frac{5}{3})$ is uncountable.
In response to your comment: The converse holds even for uncountable structures. However, the notion of ultrahomogeneity is really most relevant for countably infinite structures.
Claim: If a structure of any cardinality is ultrahomogeneous and has an $\aleph_0$-categorical theory, then it admits quantifier elimination.
Proof: Let $M$ be our ultrahomogeneous structure. It suffices to show that whenever two tuples $\overline{a}$ and $\overline{b}$ in any model of $T$ realize the same quantifier-free type, they realize the same complete type. Suppose not, so we have $\overline{a}$ and $\overline{b}$ in some model $N$ with $p(\overline{x}) = \text{tp}(\overline{a}) \neq q(\overline{x}) = \text{tp}(\overline{b})$, but $\text{tp}^\text{qf}(\overline{a}) = \text{tp}^\text{qf}(\overline{b})$.
But $\aleph_0$-categoricity of $T$, there are only finitely many formulas in $n$ free variables up to equivalence, so every type is isolated (equivalent to a formula). Hence $p$ and $q$ are realized in $M$, say by $\overline{a}'$ and $\overline{b}'$. But now $\overline{a}'$ and $\overline{b}'$ realize the same quantifier-free type, so they generate isomorphic substructures of $M$, and by ultrahomogeneity, there is an automorphism of $M$ moving $\overline{a}'$ to $\overline{b}'$. Hence $\text{tp}(\overline{a}) = \text{tp}(\overline{b})$, contradiction.
• What about the other direction? Is there an uncountable ultrahomogenous structure with $\omega-$categorical theory, that doesn't admit qe? Jul 1, 2014 at 20:20
• Thank you! Your proof is very clear. One more question: Is the cardinality of the language important? Jul 2, 2014 at 8:43
• No. Note that if a theory in an uncountable language is $\aleph_0$-categorical, there are only finitely many formulas in $n$-free variables for each $n$, hence only countably many atomic formulas in any number of variables, so the theory proves that the language is equivalent to a countable one. Jul 2, 2014 at 18:35
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9408921599388123, "perplexity": 273.96677945687617}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.3, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-33/segments/1659882572908.71/warc/CC-MAIN-20220817122626-20220817152626-00696.warc.gz"}
|
http://wordpress.stackexchange.com/questions/4457/how-to-checkout-the-wordpress-org-plugin-repository?answertab=oldest
|
# How to checkout the wordpress.org plugin repository?
I have problems to checkout the wordpress.org plugin repository via SVN on https://plugins.svn.wordpress.org/.
First it starts all looking well:
>svn --force checkout https://plugins.svn.wordpress.org/
A plugins.svn.wordpress.org\lumberjack
...
But while it progresses, it gets stuck:
...
A plugins.svn.wordpress.org\gbs-ad-shopping\readme.txt
A plugins.svn.wordpress.org\gbs-ad-shopping\SaveButton.png
svn: In directory 'plugins.svn.wordpress.org\gbs-ad-shopping'
svn: Can't open file 'plugins.svn.wordpress.org\gbs-ad-shopping\.svn\tmp\text-base\readme.txt.svn-base': Das System kann die angegebene Datei nicht finden.
(Das System kann die angegebene Datei nicht finden. is German for a file not found error)
So now the working copy is broken. First thing to do I thought is to run a cleanup, but see what happens:
>svn cleanup plugins.svn.wordpress.org
svn: In directory 'plugins.svn.wordpress.org\gbs-ad-shopping'
svn: Error processing command 'modify-wcprop' in 'plugins.svn.wordpress.org\gbs-ad- shopping'
svn: 'plugins.svn.wordpress.org\gbs-ad-shopping\format' is not under version control
It looks a bit to me that this plugin is has some weird settings that prevent to checkout it. So any hints on this? Better ask that question over at SE?
-
Wait, am I missing something, or are you actually trying to checkout the entire plugins repo? If you look at what gbs-ad-shopping's SVN directory looks like you'll probably cringe. – mtekk Nov 23 '10 at 22:07
I want to run a test on Ticket #13699 and need some meat to throw on the grill. I need fuzz data, so yeah, picking it up. – hakre Nov 23 '10 at 22:38
I also have a complete SVN plugin "mirror" on my nas. But also for me with tortoise I never managed to get a complete copy at once, somewhere at some stage it just gives an error, so the rest is manual. – edelwater Nov 24 '10 at 5:41
@edelwater: how long did it took for you to do the "mirror"? – hakre Nov 24 '10 at 15:05
LONG ... VERY LONG... even entering the directory takes a LOT of time while the NAS goes TRRRRRRRRRRRRRRRRRR – edelwater Nov 24 '10 at 22:27
add comment
## 1 Answer
Okay, looks like this is a problem with windows. I tested this now under linux and it worked like a charm. I have no idea what is causing this, but that specific plugin which is problematic is looking wired in svn anyway.
So solution is to use a SVN client on linux. It just works.
-
I see there is a readme.txt and a README.txt in that plugin's repository. It seems NTFS makes no distinction of filenames based on case, so SVN gets in trouble because it wants to add a file it already has. – Jan Fabry Nov 26 '10 at 17:05
Thanks for the pointer. That makes sense as windows does not differ with case in filenames. – hakre Nov 29 '10 at 9:30
Should we ask [email protected] to remove one of the two? This probably bothers others too. – Jan Fabry Dec 6 '10 at 17:41
@Jan - Nah, it's just that you need to checkout via linux. That's all. – hakre Dec 7 '10 at 9:55
add comment
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.609626829624176, "perplexity": 5766.845231249986}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": false}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2014-10/segments/1394009903935/warc/CC-MAIN-20140305085823-00051-ip-10-183-142-35.ec2.internal.warc.gz"}
|
https://open.kattis.com/problems/councilling
|
Kattis
# Councilling
Each resident of a particular town is a member of zero or more clubs and also a member of exactly one political party. Each club is to appoint one of its members to represent it on the town council so that the number of council members belonging to any given party does not equal or exceed half the membership of the council. The same person may not represent two clubs; that is there must be a 1-1 relationship between clubs and council members. Your job is to select the council members subject to these constraints.
## Input
In the first line of input there will be an integer $T \le 12$, giving the number of test cases.
Each of the $T$ testcases begins with a line with the number of residents $n$, $1 \leq n \leq 1\, 000$. The next $n$ lines each contain a resident, a party, the number of clubs the resident belongs to (at most $110$) and the names of such clubs. Each resident appears in exactly one input line.
## Output
For each test case, follow the following format: Each line should name a council member followed by the club represented by the member. If several answers are possible, any will do. If no council can be formed, print “Impossible.” in a line. There will be a blank line in between two test cases.
Sample Input 1 Sample Output 1
2
4
fred dinosaur 2 jets jetsons
john rhinocerous 2 jets rockets
mary rhinocerous 2 jetsons rockets
ruth platypus 1 rockets
4
fred dinosaur 2 jets jetsons
john rhinocerous 2 jets rockets
mary rhinocerous 2 jetsons rockets
ruth platypus 1 rockets
fred jetsons
john jets
ruth rockets
fred jetsons
john jets
ruth rockets
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.1729157418012619, "perplexity": 2329.7183450239704}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2017-09/segments/1487501171251.27/warc/CC-MAIN-20170219104611-00544-ip-10-171-10-108.ec2.internal.warc.gz"}
|
https://open.kattis.com/contests/nwerc19open/problems/disposableswitches
|
NWERC 2019 Open Contest
#### Start
2019-11-17 09:30 UTC
## NWERC 2019 Open Contest
#### End
2019-11-17 14:30 UTC
The end is near!
Contest is over.
Not yet started.
Contest is starting in -64 days 16:24:20
5:00:00
0:00:00
# Problem DDisposable Switches
Picture by Ted Sakshaug on Flickr, cc by
Having recently been hired by Netwerc Industries as a network engineer, your first task is to assess their large and dated office network. After mapping out the entire network, which consists of network switches and cables between them, you get a hunch that, not only are some of the switches redundant, some of them are not used at all! Before presenting this to your boss, you decide to make a program to test your claims.
The data you have gathered consists of the map of the network, as well as the length of each cable. While you do not know the exact time it takes to send a network packet across each cable, you know that it can be calculated as $\ell / v + c$, where
• $\ell$ is the length of the cable,
• $v$ is the propagation speed of the cable, and
• $c$ is the overhead of transmitting the packet on and off the cable.
You have not been able to measure $v$ and $c$. The only thing you know about them is that they are real numbers satisfying $v > 0$ and $c \ge 0$, and that they are the same for all cables. You also know that when a network packet is being transmitted from one switch to another, the network routing algorithms will ensure that the packet takes an optimal path—a path that minimises the total transit time.
Given the map of the network and the length of each cable, determine which switches could never possibly be part of an optimal path when transmitting a network packet from switch $1$ to switch $n$, no matter what the values of $v$ and $c$ are.
## Input
The input consists of:
• One line with two integers $n$, $m$ ($2 \leq n \leq 2\, 000$, $1 \leq m \leq 10^4$), the number of switches and the number of cables in the network. The switches are numbered from $1$ to $n$.
• $m$ lines, each with three integers $a$, $b$ and $\ell$ ($1 \leq a, b \leq n$, $1\leq \ell \leq 10^9$), representing a network cable of length $\ell$ connecting switches $a$ and $b$.
There is at most one cable connecting a given pair of switches, and no cable connects a switch to itself. It is guaranteed that there exists a path between every pair of switches.
## Output
First output a line with an integer $k$, the number of switches that could never possibly be part of an optimal path when a packet is transmitted from switch $1$ to switch $n$. Then output a line with $k$ integers, the indices of the $k$ unused switches, in increasing order.
Sample Input 1 Sample Output 1
7 8
1 2 2
1 3 1
1 4 3
2 6 1
2 7 2
3 5 1
4 7 2
5 7 1
2
4 6
Sample Input 2 Sample Output 2
5 6
1 2 2
2 3 2
3 5 2
1 4 3
4 5 3
1 5 6
0
Sample Input 3 Sample Output 3
5 6
1 2 2
2 3 1
3 5 2
1 4 3
4 5 3
1 5 6
1
4
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.7829570174217224, "perplexity": 349.35160275869947}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2020-05/segments/1579250601241.42/warc/CC-MAIN-20200121014531-20200121043531-00405.warc.gz"}
|
http://farside.ph.utexas.edu/teaching/sm1/lectures/node66.html
|
Next: The equipartition theorem Up: Applications of statistical thermodynamics Previous: Ideal monatomic gases
What has gone wrong? First of all, let us be clear why Eq. (442) is incorrect.
We can see that as , which contradicts the third law of thermodynamics. However, this is not a problem. Equation (442) was derived using classical physics, which breaks down at low temperatures. Thus, we would not expect this equation to give a sensible answer close to the absolute zero of temperature.
Equation (442) is wrong because it implies that the entropy does not behave properly as an extensive quantity. Thermodynamic quantities can be divided into two groups, extensive and intensive. Extensive quantities increase by a factor when the size of the system under consideration is increased by the same factor. Intensive quantities stay the same. Energy and volume are typical extensive quantities. Pressure and temperature are typical intensive quantities. Entropy is very definitely an extensive quantity. We have shown [see Eq. (426)] that the entropies of two weakly interacting systems are additive. Thus, if we double the size of a system we expect the entropy to double as well. Suppose that we have a system of volume containing moles of ideal gas at temperature . Doubling the size of the system is like joining two identical systems together to form a new system of volume containing moles of gas at temperature . Let
(444)
denote the entropy of the original system, and let
(445)
denote the entropy of the double-sized system. Clearly, if entropy is an extensive quantity (which it is!) then we should have
(446)
But, in fact, we find that
(447)
So, the entropy of the double-sized system is more than double the entropy of the original system.
Where does this extra entropy come from? Well, let us consider a little more carefully how we might go about doubling the size of our system. Suppose that we put another identical system adjacent to it, and separate the two systems by a partition. Let us now suddenly remove the partition. If entropy is a properly extensive quantity then the entropy of the overall system should be the same before and after the partition is removed. It is certainly the case that the energy (another extensive quantity) of the overall system stays the same. However, according to Eq. (447), the overall entropy of the system increases by after the partition is removed. Suppose, now, that the second system is identical to the first system in all respects except that its molecules are in some way slightly different to the molecules in the first system, so that the two sets of molecules are distinguishable. In this case, we would certainly expect an overall increase in entropy when the partition is removed. Before the partition is removed, it separates type 1 molecules from type 2 molecules. After the partition is removed, molecules of both types become jumbled together. This is clearly an irreversible process. We cannot imagine the molecules spontaneously sorting themselves out again. The increase in entropy associated with this jumbling is called entropy of mixing, and is easily calculated. We know that the number of accessible states of an ideal gas varies with volume like . The volume accessible to type 1 molecules clearly doubles after the partition is removed, as does the volume accessible to type 2 molecules. Using the fundamental formula , the increase in entropy due to mixing is given by
(448)
It is clear that the additional entropy , which appears when we double the size of an ideal gas system by joining together two identical systems, is entropy of mixing of the molecules contained in the original systems. But, if the molecules in these two systems are indistinguishable, why should there be any entropy of mixing? Well, clearly, there is no entropy of mixing in this case. At this point, we can begin to understand what has gone wrong in our calculation. We have calculated the partition function assuming that all of the molecules in our system have the same mass and temperature, but we have never explicitly taken into account the fact that we consider the molecules to be indistinguishable. In other words, we have been treating the molecules in our ideal gas as if each carried a little license plate, or a social security number, so that we could always tell one from another. In quantum mechanics, which is what we really should be using to study microscopic phenomena, the essential indistinguishability of atoms and molecules is hard-wired into the theory at a very low level. Our problem is that we have been taking the classical approach a little too seriously. It is plainly silly to pretend that we can distinguish molecules in a statistical problem, where we do not closely follow the motions of individual particles. A paradox arises if we try to treat molecules as if they were distinguishable. This is called Gibb's paradox, after the American physicist Josiah Gibbs who first discussed it. The resolution of Gibb's paradox is quite simple: treat all molecules of the same species as if they were indistinguishable.
In our previous calculation of the ideal gas partition function, we inadvertently treated each of the molecules in the gas as distinguishable. Because of this, we overcounted the number of states of the system. Since the possible permutations of the molecules amongst themselves do not lead to physically different situations, and, therefore, cannot be counted as separate states, the number of actual states of the system is a factor less than what we initially thought. We can easily correct our partition function by simply dividing by this factor, so that
(449)
This gives
(450)
or
(451)
using Stirling's approximation. Note that our new version of differs from our previous version by an additive term involving the number of particles in the system. This explains why our calculations of the mean pressure and mean energy, which depend on partial derivatives of with respect to the volume and the temperature parameter , respectively, came out all right. However, our expression for the entropy is modified by this additive term. The new expression is
(452)
This gives
(453)
where
(454)
It is clear that the entropy behaves properly as an extensive quantity in the above expression: i.e., it is multiplied by a factor when , , and are multiplied by the same factor.
Next: The equipartition theorem Up: Applications of statistical thermodynamics Previous: Ideal monatomic gases
Richard Fitzpatrick 2006-02-02
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9450958967208862, "perplexity": 266.73201145258764}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2014-42/segments/1413507442900.2/warc/CC-MAIN-20141017005722-00115-ip-10-16-133-185.ec2.internal.warc.gz"}
|
https://pixel-druid.com/spaces-that-have-same-homotopy-groups-but-not-the-same-homotopy-type.html
|
## § Spaces that have same homotopy groups but not the same homotopy type
• Two spaces have the same homotopy type iff there are functions $f: X \to Y$ and $g: Y \to X$such that $f \circ g$ and $g \circ f$ are homotopic to the identity.
• Now consider two spaces: (1) the point, (2) the topologists's sine curve with two ends attached (the warsaw circle).
• See that the second space can have no non-trivial fundamental group, as it's impossible to loop around the sine curve.
• So the warsaw circle has all trivial $\pi_j$, just like the point.
• See that the map $W \to \{ \star \}$ must send every point in the warsaw circle to the point $\star$.
• See that the map backward can send $\star$ somewhere, so we are picking a point on $W$.
• The composite smooshes all of $W$ to a single point. For this to be homotopic to the identity is to say that the space is contractible.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 10, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9864007234573364, "perplexity": 306.5689305475274}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2023-06/segments/1674764495001.99/warc/CC-MAIN-20230127164242-20230127194242-00706.warc.gz"}
|
https://brilliant.org/problems/arranging-powers/
|
# Arranging powers
Algebra Level 1
If $x,x^2, x^3$ are three distinct real numbers, which of the following inequalities can be true?
Note: You can select more than one answer. This is a new answer format for Brilliant.
Select one or more
×
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 4, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.4325507581233978, "perplexity": 787.7591219965559}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2020-10/segments/1581875146414.42/warc/CC-MAIN-20200226150200-20200226180200-00292.warc.gz"}
|
http://mathhelpforum.com/discrete-math/194798-proof-invertibility-injective-functions-print.html
|
# Proof of invertibility of injective functions
• December 30th 2011, 07:18 PM
itpro
Proof of invertibility of injective functions
Thank you.
• December 30th 2011, 10:45 PM
FernandoRevilla
Re: Proof of invertibility of injective functions
Quote:
Originally Posted by itpro
If $f:A\to B$ is invertible, there exists $g:B\to A$ such that $g\circ f =I_A$ . Now,
$f(x_1)=f(x_2)\Rightarrow g[f(x_1)]=g[f(x_2)]\Rightarrow$
$(g\circ f)(x_1)=(g\circ f)(x_2)\Rightarrow I_A(x_1)=I_A(x_2)\Rightarrow x_1=x_2$
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 5, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9110982418060303, "perplexity": 4041.073658099517}, "config": {"markdown_headings": true, "markdown_code": false, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 5, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2014-23/segments/1404776435465.20/warc/CC-MAIN-20140707234035-00065-ip-10-180-212-248.ec2.internal.warc.gz"}
|
https://handwiki.org/wiki/Physics:Materials_physics
|
# Physics:Materials physics
Materials physics is the use of physics to describe the physical properties of materials. It is a synthesis of physical sciences such as chemistry, solid mechanics, solid state physics, and materials science. Materials physics is considered a subset of condensed matter physics and applies fundamental condensed matter concepts to complex multiphase media, including materials of technological interest. Current fields that materials physicists work in include electronic, optical, and magnetic materials, novel materials and structures, quantum phenomena in materials, nonequilibrium physics, and soft condensed matter physics. New experimental and computational tools are constantly improving how materials systems are modeled and studied and are also fields when materials physicists work in.
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8472957015037537, "perplexity": 1551.8442655520582}, "config": {"markdown_headings": true, "markdown_code": false, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-40/segments/1664030335257.60/warc/CC-MAIN-20220928145118-20220928175118-00620.warc.gz"}
|
http://www.digitalmars.com/d/archives/c++/2149.html
|
## c++ - Linker can’t find the file
• jimp (10/10) Mar 02 2003 I’m trying to compile with the following command line:
• Walter (4/14) Mar 02 2003 What does the command to the linker look like?
• jimp (3/4) Mar 03 2003 When the linker is called the following message is displayed:
• Walter (4/10) Mar 03 2003 That looks fine. I suspect the problem is with the LIB environment varia...
• jimp (12/14) Mar 04 2003 The sc.ini file is set at the defaults. The file looks like this:
• Walter (3/12) Mar 04 2003 Try deleting the LIB line (save a backup first, of course!)
• jimp (10/11) Mar 04 2003 Walter,
```I’m trying to compile with the following command line:
"C:\Program Files\dm\bin\dmc.exe" "CTOCPP.C" -l"listfile.txt"
The compile is ok and creates the object file CTOCPP.obj (and listfile.txt)
with no errors. When the linker starts I get the following message:
OPTLINK : Error 118 : Filename Expected
LIB="C:\Program Files\dm\bin\..\lib";"C:\Program Files\dm\bin\..\mfc\lib;"
The linker then terminates with exit code 1.
Does anyone know why this is happening?
Thanks,
jimp
```
Mar 02 2003
"Walter" <walter digitalmars.com> writes:
```What does the command to the linker look like?
"jimp" <jimp_member pathlink.com> wrote in message
news:b3ttsk\$m13\$1 digitaldaemon.com...
I'm trying to compile with the following command line:
"C:\Program Files\dm\bin\dmc.exe" "CTOCPP.C" -l"listfile.txt"
The compile is ok and creates the object file CTOCPP.obj (and
listfile.txt)
with no errors. When the linker starts I get the following message:
OPTLINK : Error 118 : Filename Expected
LIB="C:\Program Files\dm\bin\..\lib";"C:\Program Files\dm\bin\..\mfc\lib;"
The linker then terminates with exit code 1.
Does anyone know why this is happening?
Thanks,
jimp
```
Mar 02 2003
```When the linker is called the following message is displayed:
In article <b3u9d7\$rlj\$1 digitaldaemon.com>, Walter says...
What does the command to the linker look like?
```
Mar 03 2003
"Walter" <walter digitalmars.com> writes:
```That looks fine. I suspect the problem is with the LIB environment variable.
What is that set to?
"jimp" <jimp_member pathlink.com> wrote in message
news:b3vu8m\$1p1m\$1 digitaldaemon.com...
When the linker is called the following message is displayed:
In article <b3u9d7\$rlj\$1 digitaldaemon.com>, Walter says...
What does the command to the linker look like?
```
Mar 03 2003
"jimp" <jimp02 email.com> writes:
```The sc.ini file is set at the defaults. The file looks like this:
[Version]
version=7.51 Build 020
[Environment]
PATH=%PATH%;"% P%\..\bin"
BIN="% P%\..\bin"
INCLUDE="% P%\..\include";"% P%\..\mfc\include";"% P%\..\stl";%INCLUDE%
LIB="% P%\..\lib";"% P%\..\mfc\lib";%LIB%
HELP=% P%\..\help
"Walter" <walter digitalmars.com> wrote in message
news:b41gem\$2okd\$2 digitaldaemon.com...
That looks fine. I suspect the problem is with the LIB environment
variable.
What is that set to?
```
Mar 04 2003
"Walter" <walter digitalmars.com> writes:
```"jimp" <jimp02 email.com> wrote in message
news:b42hc3\$9cs\$1 digitaldaemon.com...
The sc.ini file is set at the defaults. The file looks like this:
[Version]
version=7.51 Build 020
[Environment]
PATH=%PATH%;"% P%\..\bin"
BIN="% P%\..\bin"
INCLUDE="% P%\..\include";"% P%\..\mfc\include";"% P%\..\stl";%INCLUDE%
LIB="% P%\..\lib";"% P%\..\mfc\lib";%LIB%
HELP=% P%\..\help
Try deleting the LIB line (save a backup first, of course!)
```
Mar 04 2003
"jimp" <jimp02 email.com> writes:
```Walter,
I found the problem. The dm directory has a space in it (it is actually d
m). I removed it and it works ok. I have had the same problem with other
compilers. It is actually in the Program Files (with a space) folder but
this didn't seem to matter.
Anyway, thanks for the help. The last change you suggested caused it to do
something different which allowed me to find the problem.
Jimp
"Walter" <walter digitalmars.com> wrote in message
news:b42lli\$bpm\$2 digitaldaemon.com...
Try deleting the LIB line (save a backup first, of course!)
```
Mar 04 2003
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9181606769561768, "perplexity": 27795.817836072354}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 20, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2016-44/segments/1476988718278.43/warc/CC-MAIN-20161020183838-00152-ip-10-171-6-4.ec2.internal.warc.gz"}
|
https://www.stemcell.com/products/product-types/cell-isolation-products/sepmate-15-ivd.html
|
# SepMate™-15 (IVD)
Tube for density gradient centrifugation for in vitro diagnostic (IVD) applications
From: 361 USD
## Options
Catalog # (Select a product)
Tube for density gradient centrifugation for in vitro diagnostic (IVD) applications
From: 361 USD
New look, same high quality and support! You may notice that your instrument or reagent packaging looks slightly different from images displayed on the website, or from previous orders. We are updating our look but rest assured, the products themselves and how you should use them have not changed. Learn more
# Overview
SepMate™ is now manufactured under cGMP and registered as an In Vitro Diagnostic (IVD) device in Australia, Canada, Europe and USA only. In China SepMate™ is considered a non-medical device by the China Food and Drug Administration (CFDA), and should therefore be used as general laboratory equipment. The end user is responsible for determining whether the product is suitable for their specific application. Due to these changes, users in Australia, Canada, Europe, USA and China should, from now on, order SepMate™-15 (IVD) (Catalog #85415 and #85420) and SepMate™-50 (IVD) (Catalog #85450 and #85460). Users in all other countries please refer to SepMate™-15 (RUO) (Catalog #86415) and SepMate™-50 (RUO) (Catalog #86450). Changes to SepMate™ have no impact on the product composition, performance or protocol.
SepMate™ is a tube that facilitates the isolation of PBMCs or specific cell types by density gradient centrifugation. SepMate™ tubes contain an insert that provides a barrier between the density gradient medium and blood. SepMate™ eliminates the need for careful layering of blood onto the density gradient medium, and allows for fast and easy harvesting of the isolated mononuclear cells with a simple pour. SepMate™ is also compatible with RosetteSep™ enrichment cocktails, allowing isolation of specific cell types in less than 30 minutes.
• Eliminates the need for carefully layering blood over the density gradient medium (e.g. Lymphoprep™, etc.)
• Reduces total centrifuge time to 10 minutes with the brake on for fresh samples
• Allows fast and easy harvesting of the isolated mononuclear cells by simply pouring off the supernatant
• Can be combined with RosetteSep™ enrichment cocktails to isolate specific cell types in just 30 minutes
Components:
• SepMate™-15 (IVD), 100 Tubes (Catalog #85415)
• Dispenser box containing 4 bags, 25 Tubes/Bag
• SepMate™-15 (IVD), 500 Tubes (Catalog #85420)
• Dispenser box containing 4 bags, 25 Tubes/Bag (Catalog #85415) x 5
Contains:
Polypropylene tube containing an insert
Subtype:
Centrifugation Tubes
Cell Type:
B Cells; Dendritic Cells; Monocytes; Mononuclear Cells; NK Cells; T Cells; T Cells, CD4+; T Cells, CD8+; T Cells, Other Subsets; T Cells, Regulatory
Species:
Human
Sample Source:
Bone Marrow; Cord Blood; Whole Blood
Selection Method:
Negative
Application:
Cell Isolation; In Vitro Diagnostic
Brand:
SepMate
Area of Interest:
Chimerism; HLA; Immunology
Document Type
Product Name
Catalog #
Lot #
Language
85415, 85420
All
85415, 85420
All
(14)
# Product Applications
This product is designed for use in the following research area(s) as part of the highlighted workflow stage(s). Explore these workflows to learn more about the other products we offer to support each research area.
Research Area Workflow Stages for
Workflow Stages
# Data and Publications
## Publications
(29)
### A highly potent lymphatic system-targeting nanoparticle cyclosporine prevents glomerulonephritis in mouse model of lupus.
R. Ganugula et al.
Abstract
### Abstract
Cyclosporine A (CsA) is a powerful immunosuppressant, but it is an ineffective stand-alone treatment for systemic lupus erythematosus (SLE) due to poor target tissue distribution and renal toxicity. We hypothesized that CD71 (transferrin receptor 1)-directed delivery of CsA to the lymphatic system would improve SLE outcomes in a murine model. We synthesized biodegradable, ligand-conjugated nanoparticles [P2Ns-gambogic acid (GA)] targeting CD71. GA conjugation substantially increased nanoparticle association with CD3+ or CD20+ lymphocytes and with intestinal lymphoid tissues. In orally dosed MRL-lpr mice, P2Ns-GA-encapsulated CsA increased lymphatic drug delivery 4- to 18-fold over the ligand-free formulation and a commercial CsA capsule, respectively. Improved lymphatic bioavailability of CsA was paralleled by normalization of anti-double-stranded DNA immunoglobulin G titer, plasma cytokines, and glomerulonephritis. Thus, this study demonstrates the translational potential of nanoparticles that enhance the targeting of lymphatic tissues, transforming CsA into a potent single therapeutic for SLE.
Frontiers in immunology 2020
W. Fu et al.
Abstract
### Abstract
The Glioblastoma (GBM) immune microenvironment plays a critical role in tumor development, progression, and prognosis. A comprehensive understanding of the intricate milieu and its interactions remains unclear, and single-cell analysis is crucially needed. Leveraging mass cytometry (CyTOF), we analyzed immunocytes from 13 initial and three recurrent GBM samples and their matched peripheral blood mononuclear cells (pPBMCs). Using a panel of 30 markers, we provide a high-dimensional view of the complex GBM immune microenvironment. Hematoxylin and eosin staining and polychromatic immunofluorescence were used for verification of the key findings. In the initial and recurrent GBMs, glioma-associated microglia/macrophages (GAMs) constituted 59.05 and 27.87{\%} of the immunocytes, respectively; programmed cell death-ligand 1 (PD-L1), T cell immunoglobulin domain and mucin domain-3 (TIM-3), lymphocyte activation gene-3 (LAG-3), interleukin-10 (IL-10) and transforming growth factor-$\beta$ (TGF$\beta$) demonstrated different expression levels in the GAMs among the patients. GAMs could be subdivided into different subgroups with different phenotypes. Both the exhausted T cell and regulatory T (Treg) cell percentages were significantly higher in tumors than in pPBMCs. The natural killer (NK) cells that infiltrated into the tumor lesions expressed higher levels of CXC chemokine receptor 3 (CXCR3), as these cells expressed lower levels of interferon-$\gamma$ (IFN$\gamma$). The immune microenvironment in the initial and recurrent GBMs displayed similar suppressive changes. Our study confirmed that GAMs, as the dominant infiltrating immunocytes, present great inter- and intra-tumoral heterogeneity and that GAMs, increased exhausted T cells, infiltrating Tregs, and nonfunctional NK cells contribute to local immune suppressive characteristics. Recurrent GBMs share similar immune signatures with the initial GBMs except the proportion of GAMs decreases.
Nature 2020
P. Tao et al.
Abstract
### Abstract
Activation of RIPK1 controls TNF-mediated apoptosis, necroptosis and inflammatory pathways1. Cleavage of human and mouse RIPK1 after residues D324 and D325, respectively, by caspase-8 separates the RIPK1 kinase domain from the intermediate and death domains. The D325A mutation in mouse RIPK1 leads to embryonic lethality during mouse development2,3. However, the functional importance of blocking caspase-8-mediated cleavage of RIPK1 on RIPK1 activation in humans is unknown. Here we identify two families with variants in RIPK1 (D324V and D324H) that lead to distinct symptoms of recurrent fevers and lymphadenopathy in an autosomal-dominant manner. Impaired cleavage of RIPK1 D324 variants by caspase-8 sensitized patients' peripheral blood mononuclear cells to RIPK1 activation, apoptosis and necroptosis induced by TNF. The patients showed strong RIPK1-dependent activation of inflammatory signalling pathways and overproduction of inflammatory cytokines and chemokines compared with unaffected controls. Furthermore, we show that expression of the RIPK1 mutants D325V or D325H in mouse embryonic fibroblasts confers not only increased sensitivity to RIPK1 activation-mediated apoptosis and necroptosis, but also induction of pro-inflammatory cytokines such as IL-6 and TNF. By contrast, patient-derived fibroblasts showed reduced expression of RIPK1 and downregulated production of reactive oxygen species, resulting in resistance to necroptosis and ferroptosis. Together, these data suggest that human non-cleavable RIPK1 variants promote activation of RIPK1, and lead to an autoinflammatory disease characterized by hypersensitivity to apoptosis and necroptosis and increased inflammatory response in peripheral blood mononuclear cells, as well as a compensatory mechanism to protect against several pro-death stimuli in fibroblasts.
Frontiers in immunology 2020
### Rheumatoid Arthritis Patients, Both Newly Diagnosed and Methotrexate Treated, Show More DNA Methylation Differences in CD4+ Memory Than in CD4+ Na\ive T Cells."
K. Guderud et al.
Abstract
### Abstract
Background: Differences in DNA methylation have been reported in B and T lymphocyte populations, including CD4+ T cells, isolated from rheumatoid arthritis (RA) patients when compared to healthy controls. CD4+ T cells are a heterogeneous cell type with subpopulations displaying distinct DNA methylation patterns. In this study, we investigated DNA methylation using reduced representation bisulfite sequencing in two CD4+ T cell populations (CD4+ memory and na{\{i}}ve cells) in three groups: newly diagnosed disease modifying antirheumatic drugs (DMARD) na{\"{i}}ve RA patients (N = 11) methotrexate (MTX) treated RA patients (N = 18) and healthy controls (N = 9) matched for age gender and smoking status. Results: Analyses of these data revealed significantly more differentially methylated positions (DMPs) in CD4+ memory than in CD4+ na{\""{i}}ve T cells (904 vs. 19 DMPs) in RA patients compared to controls. The majority of DMPs (72{\%}) identified in newly diagnosed and DMARD na{\""{i}}ve RA patients with active disease showed increased DNA methylation (39 DMPs) whereas most DMPs (80{\%}) identified in the MTX treated RA patients in remission displayed decreased DNA methylation (694 DMPs). Interestingly we also found that about one third of the 101 known RA risk loci overlapped (±500 kb) with the DMPs. Notably introns of the UBASH3A gene harbor both the lead RA risk SNP and two DMPs in CD4+ memory T cells. Conclusion: Our results suggest that RA associated DNA methylation differences vary between the two T cell subsets but are also influenced by RA characteristics such as disease activity disease duration and/or MTX treatment."""
European journal of human genetics : EJHG 2019 may
### Biallelic variants in POLR3GL cause endosteal hyperostosis and oligodontia.
P. A. Terhal et al.
Abstract
### Abstract
RNA polymerase III (Pol III) is an essential 17-subunit complex responsible for the transcription of small housekeeping RNAs such as transfer RNAs and 5S ribosomal RNA. Biallelic variants in four genes (POLR3A, POLR3B, and POLR1C and POLR3K) encoding Pol III subunits have previously been found in individuals with (neuro-) developmental disorders. In this report, we describe three individuals with biallelic variants in POLR3GL, a gene encoding a Pol III subunit that has not been associated with disease before. Using whole exome sequencing in a monozygotic twin and an unrelated individual, we detected homozygous and compound heterozygous POLR3GL splice acceptor site variants. RNA sequencing confirmed the loss of full-length POLR3GL RNA transcripts in blood samples of the individuals. The phenotypes of the described individuals are mainly characterized by axial endosteal hyperostosis, oligodontia, short stature, and mild facial dysmorphisms. These features largely fit within the spectrum of phenotypes caused by previously described biallelic variants in POLR3A, POLR3B, POLR1C, and POLR3K. These findings further expand the spectrum of POLR3-related disorders and implicate that POLR3GL should be included in genetic testing if such disorders are suspected.
PRODUCTS ARE FOR RESEARCH USE ONLY AND NOT INTENDED FOR HUMAN OR ANIMAL DIAGNOSTIC OR THERAPEUTIC USES UNLESS OTHERWISE STATED. FOR ADDITIONAL INFORMATION ON QUALITY AT STEMCELL, REFER TO WWW.STEMCELL.COM/COMPLIANCE.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.381867378950119, "perplexity": 27373.627053692733}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 5, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2020-50/segments/1606141197593.33/warc/CC-MAIN-20201129093434-20201129123434-00395.warc.gz"}
|
http://www.perimeterinstitute.ca/fr/videos/reduced-phase-space-quantization-loop-quantum-gravity-and-algebraic-quantum-gravity
|
Le contenu de cette page n’est pas disponible en français. Veuillez nous en excuser.
# Reduced Phase Space Quantization for Loop Quantum Gravity and Algebraic Quantum Gravity
Playing this video requires the latest flash player from Adobe.
Download link (right click and 'save-as') for playing in VLC or other compatible player.
## Recording Details
Speaker(s):
Scientific Areas:
PIRSA Number:
07120033
## Abstract
In this talk we propose a Reduced Phase Space Quantization approach to Loop Quantum Gravity. The idea is to combine the relational formalism introduced by Rovelli in the extended form developed by Dittrich and the Brown-Kuchar-Mechanism. The relational formalism can be used to construct gauge invariant observables for constrained systems such as General Relativity, while the Brown-Kuchar-Mechanism is a particular application of the relational formalism in which pressureless dust is taken as the clock of the system. By combining these two we obtain a framework in which the constraints of General Relativity deparametrize such that the algebra of observables has a very simple structure and furthermore we obtain a so called physical Hamiltonian generating the evolution of those observables. The quantization of the reduced phase space and the physical Hamiltonian can be obtained by using standard LQG techniques and gives a direct access to the physical Hilbert space, which is much harder to achieve in the standard Dirac quantization.
Additionally we will analyze the quantization in the Algebraic Quantum Gravity context and discuss the differences that occur. Finally we will present recent results where this framework has been applied to cosmological perturbation theory.
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.884924054145813, "perplexity": 682.475686757535}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.3, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2018-43/segments/1539583510754.1/warc/CC-MAIN-20181016134654-20181016160154-00494.warc.gz"}
|
https://harveyjohnson.wordpress.com/2013/04/01/the-power-of-aggregation-part-1/
|
The power of aggregation – part 1
This is the information age, and sitting at the heart of the information expansion that has defined this age is a simple idea: aggregation.
Swimming in all this information, will humans ever be able to reliably predict the future? And if we ever are able, will the models that we use to accomplish the feat be comprehensible?
To understand these big questions, I think it makes sense to first understand a set of smaller ones. How do we predict anything? What tools do we have for prediction? What are the most effective tools? How do they work?
Starting with the last set of questions first, here is a list of technologies (I use this term to mean any package of algorithms that take questions or problems of some form as inputs and provide solutions as outputs) that predict something:
1. Fivethirtyeight (problem: “Who will win the next election?”)
2. Google (problem: “What was that thing …?”)
3. Zacks (problem: “How can I buy an undervalued stock?”)
4. Watson (problem: “Classic candy bar that’s a female Supreme Court justice”)
5. Eureqa (formulize) (problem: “What are the important relationship between these variables?”)
6. Problem-solving (problem: “What is imperative about my observation(s)?”)
7. Markets (problem: “How much should I pay for jelly beans?”)
8. Francis Galton’s “Wisdom of the crowds” (problem: “How many jelly beans are in that jar?”)
9. Science (problem: “Hmmm, that’s interesting; how does that work?”)
10. Evolution (problem: “How does organized complexity arise in the universe?”)
11. Wikipedia (problem: “How can you develop and disseminate accurate educational content about anything?”)
In a future set of posts in this series, you can learn more about how each of these technologies rely on a simple concept – aggregation.
__________
1. Obama (always)
2. Probably within six degrees of Kevin Bacon.
3. If it exists, then you might find it here. Otherwise, see #7.
4. “What is Baby Ruth Ginsburg?”
5. $\sum_i{F_i} = ma$, for example
6. Experiences are encoded in neuronal structures distributed throughout the brain. These are reinforced over time based on feedback and learning circuitry. Aggregating information and selective reinforcing (through selective myelination) is likely central to the story of human problem solving.
7. By aggregating the information of buyers and sellers with incomplete information, on average they will converge to the best estimate of the value of the asset. This idea is called the efficient markets hypothesis.
8. The average of a crowd’s guess can be counter-intuitively accurate.
9. Experiments – broadly defined – which allow you to decide between two competing hypotheses – with respect to the goodness of the predictions of each and how universally the hypotheses apply – are, over time, the only way to add to knowledge.
10. A genetic system and (its genetic information) is selected if it is relatively more effective (with respect to the selection environment) at replicating itself than other organisms in the neighborhood.
11. You can probably find the answer on wikipedia.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 1, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.4737662971019745, "perplexity": 2034.619055134792}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2019-35/segments/1566027330907.46/warc/CC-MAIN-20190825215958-20190826001958-00114.warc.gz"}
|
https://natmatsci.ac.uk/2016/11/
|
A Timely Square
In the array of numbers below, the coordinates of the number $$1$$ are $$(0,0)$$, the coordinates of the number $$19$$ are $$(-2,0)$$ and the …
Cell Biology
Follow one of our students as she explains the structure of the fundamental building blocks of complex life: the cell.
A Timely Cube
What is the smallest possible value of the positive integer $$n$$ such that $$2016n$$ is a perfect cube?
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 1, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.6900277137756348, "perplexity": 287.12999130299204}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2018-43/segments/1539583516480.46/warc/CC-MAIN-20181023153446-20181023174946-00132.warc.gz"}
|
http://math.stackexchange.com/users/53401/ceelos
|
# Ceelos
less info
reputation
7
bio website location age member for 1 year, 7 months seen Feb 21 at 0:17 profile views 20
Just a student getting by
# 20 Questions
5 why does this integral diverge? 3 Use mathematical induction to prove that 9 divides $n^3 + (n + 1)^3 + (n + 2)^3$; Looking for explanation, I already have the solution. 2 Can I further reduce this matrix? 2 Where am I making my mistake? (intervals of convergence) 1 Length of the curve defined by $y=6 x^{3/2} - 7$ from $x=1$ to $x = 9\;$?
# 150 Reputation
+5 Is it possible to simplify the following combination? +15 Use mathematical induction to prove that 9 divides $n^3 + (n + 1)^3 + (n + 2)^3$; Looking for explanation, I already have the solution. +5 Is $\{1, 2, 3\}\times \Bbb Z$ uncountable? +5 Infinitely many solutions vs one solution vs no solution in systems involving an unknown constant
This user has not answered any questions
# 28 Tags
0 calculus × 7 0 number-theory 0 discrete-mathematics × 5 0 divisibility 0 linear-algebra × 4 0 elementary-number-theory 0 integration × 3 0 induction 0 homework × 2 0 paradoxes
# 9 Accounts
Stack Overflow 164 rep 115 Mathematics 150 rep 7 Board & Card Games 109 rep 5 Philosophy 3 rep 2 Meta Stack Exchange 1 rep
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8209419846534729, "perplexity": 2193.2709309080856}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2014-23/segments/1405997858581.26/warc/CC-MAIN-20140722025738-00246-ip-10-33-131-23.ec2.internal.warc.gz"}
|
http://www.mathisfunforum.com/viewtopic.php?pid=280456
|
Discussion about math, puzzles, games and fun. Useful symbols: ÷ × ½ √ ∞ ≠ ≤ ≥ ≈ ⇒ ± ∈ Δ θ ∴ ∑ ∫ π -¹ ² ³ °
You are not logged in.
## #1 2013-08-04 06:57:53
EbenezerSon
Member
Registered: 2013-07-04
Posts: 510
Make k the subject.
1/n = (k^+p^2/hg)^1/2
I have k=(hg/n^2-p^2) as the answer. But the book solved beyond my final solution, and even had negative or positive sign in it.
I know only one thing - that is that I know nothing
Offline
## #2 2013-08-04 07:04:43
bobbym
From: Bumpkinland
Registered: 2009-04-12
Posts: 105,243
Hi;
What comes after the k^?
In mathematics, you don't understand things. You just get used to them.
If it ain't broke, fix it until it is.
No great discovery was ever made without a bold guess.
Offline
## #3 2013-08-04 10:07:25
bob bundy
Moderator
Registered: 2010-06-20
Posts: 7,651
If not, please modify this Latex so we know what the question is.
Thanks,
Bob
Children are not defined by school ...........The Fonz
You cannot teach a man anything; you can only help him find it within himself..........Galileo Galilei
Offline
## #4 2013-08-04 10:36:25
anonimnystefy
Real Member
From: Harlan's World
Registered: 2011-05-23
Posts: 16,016
I'd say it's:
Or maybe with k and p both in the denominator.
Last edited by anonimnystefy (2013-08-04 10:40:32)
Here lies the reader who will never open this book. He is forever dead.
Taking a new step, uttering a new word, is what people fear most. ― Fyodor Dostoyevsky, Crime and Punishment
The knowledge of some things as a function of age is a delta function.
Offline
## #5 2013-08-04 18:47:34
bob bundy
Moderator
Registered: 2010-06-20
Posts: 7,651
hi Stefy,
I'm sure you are right so here goes:
Ebenezerson: That looks a bit like what you had. But k is not yet the subject. We must deal with the square root:
Hope that is what you were wanting.
note:
You must not just invert all the fractions to get
Try with numbers:
Bob
Children are not defined by school ...........The Fonz
You cannot teach a man anything; you can only help him find it within himself..........Galileo Galilei
Offline
## #6 2013-08-05 00:37:04
EbenezerSon
Member
Registered: 2013-07-04
Posts: 510
The 'k' squared plus the 'p' squared are on one platform, which is over the 'hg'.
And all of them are in a square root sign.
Thanks.
I know only one thing - that is that I know nothing
Offline
## #7 2013-08-05 00:49:27
EbenezerSon
Member
Registered: 2013-07-04
Posts: 510
bobbym wrote:
Hi;
What comes after the k^?
"equal to sign" and after the sign, there is a "negative or positive sign" which confound me much.
I know only one thing - that is that I know nothing
Offline
## #8 2013-08-05 01:00:35
bobbym
From: Bumpkinland
Registered: 2009-04-12
Posts: 105,243
I am curious, which answer did you like?
In mathematics, you don't understand things. You just get used to them.
If it ain't broke, fix it until it is.
No great discovery was ever made without a bold guess.
Offline
## #9 2013-08-05 01:23:48
EbenezerSon
Member
Registered: 2013-07-04
Posts: 510
EbenezerSon wrote:
Make k the subject.
But the book has 1/n and a negative or positive sign after the "equl to sign", which is incomprehensible to me. Some help.
Please solve it and you will definitly come across what I mean.
I know only one thing - that is that I know nothing
Offline
## #10 2013-08-05 01:35:28
bobbym
From: Bumpkinland
Registered: 2009-04-12
Posts: 105,243
Is post #4 the right problem?
In mathematics, you don't understand things. You just get used to them.
If it ain't broke, fix it until it is.
No great discovery was ever made without a bold guess.
Offline
## #11 2013-08-05 01:53:05
EbenezerSon
Member
Registered: 2013-07-04
Posts: 510
No.
the k squared plus the p squared are on one platform, all over "hg". That's all,
I know only one thing - that is that I know nothing
Offline
## #12 2013-08-05 02:07:36
bobbym
From: Bumpkinland
Registered: 2009-04-12
Posts: 105,243
Hi;
Have you considered using codecogs? Then you would be able to latex the problem.
In mathematics, you don't understand things. You just get used to them.
If it ain't broke, fix it until it is.
No great discovery was ever made without a bold guess.
Offline
## #13 2013-08-05 02:28:38
anonimnystefy
Real Member
From: Harlan's World
Registered: 2011-05-23
Posts: 16,016
I'd say this is the problem:
Here lies the reader who will never open this book. He is forever dead.
Taking a new step, uttering a new word, is what people fear most. ― Fyodor Dostoyevsky, Crime and Punishment
The knowledge of some things as a function of age is a delta function.
Offline
## #14 2013-08-05 02:31:58
EbenezerSon
Member
Registered: 2013-07-04
Posts: 510
Bobbym, I cant found them at the bottom of the open window. There are few that are found there.
I know only one thing - that is that I know nothing
Offline
## #15 2013-08-05 02:34:57
bobbym
From: Bumpkinland
Registered: 2009-04-12
Posts: 105,243
Is post #13 the form you want?
In mathematics, you don't understand things. You just get used to them.
If it ain't broke, fix it until it is.
No great discovery was ever made without a bold guess.
Offline
## #16 2013-08-05 02:59:49
EbenezerSon
Member
Registered: 2013-07-04
Posts: 510
Yes, correcto perfecto.
I know only one thing - that is that I know nothing
Offline
## #17 2013-08-05 03:04:16
bobbym
From: Bumpkinland
Registered: 2009-04-12
Posts: 105,243
Hi;
In mathematics, you don't understand things. You just get used to them.
If it ain't broke, fix it until it is.
No great discovery was ever made without a bold guess.
Offline
## #18 2013-08-05 03:19:53
EbenezerSon
Member
Registered: 2013-07-04
Posts: 510
the 'n' at the bottom carries a square why didnt you bring it?
I know only one thing - that is that I know nothing
Offline
## #19 2013-08-05 03:21:21
bobbym
From: Bumpkinland
Registered: 2009-04-12
Posts: 105,243
Sorry, I am not getting an n^2 just an n. I had Mathematica do that and he is never wrong.
In mathematics, you don't understand things. You just get used to them.
If it ain't broke, fix it until it is.
No great discovery was ever made without a bold guess.
Offline
## #20 2013-08-05 03:31:54
EbenezerSon
Member
Registered: 2013-07-04
Posts: 510
If we take it from the start. the n has to be squared when the square root at the R.H is taking away.
By the way what is mathematica I am curious to know.
I know only one thing - that is that I know nothing
Offline
## #21 2013-08-05 03:35:15
anonimnystefy
Real Member
From: Harlan's World
Registered: 2011-05-23
Posts: 16,016
But, when you clear k of the square, you will be taking a square root, which means n will lose the square.
Here lies the reader who will never open this book. He is forever dead.
Taking a new step, uttering a new word, is what people fear most. ― Fyodor Dostoyevsky, Crime and Punishment
The knowledge of some things as a function of age is a delta function.
Offline
## #22 2013-08-05 03:36:27
bobbym
From: Bumpkinland
Registered: 2009-04-12
Posts: 105,243
Yes, the n^2 will disappear.
Mathematica is a computer program that is smarter than 1001 mathematicians.
In mathematics, you don't understand things. You just get used to them.
If it ain't broke, fix it until it is.
No great discovery was ever made without a bold guess.
Offline
## #23 2013-08-05 03:39:04
bob bundy
Moderator
Registered: 2010-06-20
Posts: 7,651
square both sides
times hg
subtract p squared
square root
Bob
Children are not defined by school ...........The Fonz
You cannot teach a man anything; you can only help him find it within himself..........Galileo Galilei
Offline
## #24 2013-08-05 03:42:28
bob bundy
Moderator
Registered: 2010-06-20
Posts: 7,651
Children are not defined by school ...........The Fonz
You cannot teach a man anything; you can only help him find it within himself..........Galileo Galilei
Offline
## #25 2013-08-05 03:44:59
bob bundy
Moderator
Registered: 2010-06-20
Posts: 7,651
bobbym wrote:
Mathematica is a computer program that is smarter than 1001 mathematicians.
But just those 1001. The rest of the mathematicians are still smarter.
Children are not defined by school ...........The Fonz
You cannot teach a man anything; you can only help him find it within himself..........Galileo Galilei
Offline
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8143409490585327, "perplexity": 7721.754657801912}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2016-40/segments/1474738660158.72/warc/CC-MAIN-20160924173740-00234-ip-10-143-35-109.ec2.internal.warc.gz"}
|
https://unidata.github.io/MetPy/latest/api/generated/metpy.calc.mixing_ratio_from_relative_humidity.html
|
# mixing_ratio_from_relative_humidity¶
metpy.calc.mixing_ratio_from_relative_humidity(pressure, temperature, relative_humidity)
Calculate the mixing ratio from relative humidity, temperature, and pressure.
Parameters
• pressure (pint.Quantity) – Total atmospheric pressure
• temperature (pint.Quantity) – Air temperature
• relative_humidity (array_like) – The relative humidity expressed as a unitless ratio in the range [0, 1]. Can also pass a percentage if proper units are attached.
Returns
pint.Quantity – Mixing ratio (dimensionless)
Notes
Formula adapted from [Hobbs1977] pg. 74.
$w = (rh)(w_s)$
• $$w$$ is mixing ratio
• $$rh$$ is relative humidity as a unitless ratio
• $$w_s$$ is the saturation mixing ratio
Changed in version 1.0: Changed signature from (relative_humidity, temperature, pressure)
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 1, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9737751483917236, "perplexity": 11223.335057088041}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-43/segments/1634323585522.78/warc/CC-MAIN-20211022212051-20211023002051-00058.warc.gz"}
|
http://biblioteca.posgraduacaoredentor.com.br/?pagination=18&q=Condensed%20Matter%20-%20Other%20Condensed%20Matter
|
Página 18 dos resultados de 179249 itens digitais encontrados em 0.208 segundos
## Quantum Criticality in Electron-doped BaFe_{2-x}Ni_xAs_2
Zhou, R.; Li, Z.; Yang, J.; Sun, D. L.; Lin, C. T.; Zheng, Guo-qing
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 15/08/2013
Relevância na Pesquisa
55.53%
A quantum critical point (QCP) is a point in a system's phase diagram at which an order is completely suppressed at absolute zero temperature (T). The presence of a quantum critical point manifests itself in the finite-T physical properties, and often gives rise to new states of matter. Superconductivity in the cuprates and in heavy fermion materials is believed by many to be mediated by fluctuations associated with a quantum critical point. In the recently-discovered iron-pnictide high temperature superconductors, it is unknown whether a QCP exists or not in a carrier-doped system. Here we report transport and nuclear magnetic resonance (NMR) measurements on BaFe_{2-x}Ni_xAs_2 (0 =< x =< 0.17). We find two critical points at x_{c1} = 0.10 and x_{c2} = 0.14. The electrical resistivity follows \rho = \rho_0 + A*T^n, with n = 1 around x_{c1} and another minimal n = 1.1 at x_{c2}. By NMR measurements, we identity x_{c1} to be a magnetic QCP and suggest that x_{c2} is a new type of QCP associated with a nematic structural phase transition. Our results suggest that the superconductivity in carrier-doped pnictides is closely linked to the quantum criticality.; Comment: 21 pages, 9 figures
## A molecular dynamics study of chemical gelation in a patchy particle model
Corezzi, Silvia; De Michele, Cristiano; Zaccarelli, Emanuela; Fioretto, Daniele; Sciortino, Francesco
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 27/02/2008
Relevância na Pesquisa
55.53%
We report event-driven molecular dynamics simulations of the irreversible gelation of hard ellipsoids of revolution containing several associating groups, characterizing how the cluster size distribution evolves as a function of the extent of reaction, both below and above the gel point. We find that in a very large interval of values of the extent of reaction, parameter-free mean-field predictions are extremely accurate, providing evidence that in this model the Ginzburg zone near the gel point, where non-mean field effects are important, is very limited. We also find that the Flory's hypothesis for the post-gelation regime properly describes the connectivity of the clusters even if the long-time limit of the extent of reaction does not reach the fully reacted state. This study shows that irreversibly aggregating asymmetric hard-core patchy particles may provide a close realization of the mean-field model, for which available theoretical predictions may help control the structure and the connectivity of the gel state. Besides chemical gels, the model is relevant to network-forming soft materials like systems with bioselective interactions, functionalized molecules and patchy colloids.; Comment: 6 pages, 4 figures, to be published in Soft Matter
## Through the Eye of the Needle: Recent Advances in Understanding Biopolymer Translocation
Panja, Debabrata; Barkema, Gerard T.; Kolomeisky, Anatoly B.
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 21/08/2013
Relevância na Pesquisa
55.53%
In recent years polymer translocation, i.e., transport of polymeric molecules through nanometer-sized pores and channels embedded in membranes, has witnessed strong advances. It is now possible to observe single-molecule polymer dynamics during the motion through channels with unprecedented spatial and temporal resolution. These striking experimental studies have stimulated many theoretical developments. In this short theory-experiment review, we discuss recent progress in this field with a strong focus on non-equilibrium aspects of polymer dynamics during the translocation process.; Comment: 29 pages, 6 figures, 3 tables, to appear in J. Phys.: Condens. Matter as a Topical Review
## Oscillatory settling in wormlike-micelle solutions: bursts and a long time scale
Kumar, Nitin; Majumdar, Sayantan; Sood, Aditya; Govindarajan, Rama; Ramaswamy, Sriram; Sood, A. K.
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 09/03/2012
Relevância na Pesquisa
55.53%
We study the dynamics of a spherical steel ball falling freely through a solution of entangled wormlike-micelles. If the sphere diameter is larger than a threshold value, the settling velocity shows repeated short oscillatory bursts separated by long periods of relative quiescence. We propose a model incorporating the interplay of settling-induced flow, viscoelastic stress and, as in M. E. Cates, D. A. Head and A. Ajdari, Phys. Rev. E, 2002, 66, 025202(R) and A. Aradian and M. E. Cates, Phys. Rev. E, 2006, 73, 041508, a slow structural variable for which our experiments offer independent evidence.; Comment: To appear in Soft Matter
## Recent high-magnetic-field studies of unusual groundstates in quasi-two-dimensional crystalline organic metals and superconductors
Singleton, J.; Harrison, N.; McDonald, R.; Goddard, P. A.; Bangura, A.; Coldea, A.; Montgomery, L. K.; Chi, X.
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 29/03/2005
Relevância na Pesquisa
55.53%
After a brief introduction to crystalline organic superconductors and metals, we shall describe two recently-observed exotic phases that occur only in high magnetic fields. The first involves measurements of the non-linear electrical resistance of single crystals of the charge-density-wave (CDW) system (Per)$_2$Au(mnt)$_2$ in static magnetic fields of up to 45 T and temperatures as low as 25 mK. The presence of a fully gapped CDW state with typical CDW electrodynamics at fields higher that the Pauli paramagnetic limit of 34 T suggests the existence of a modulated CDW phase analogous to the Fulde-Ferrell-Larkin-Ovchinnikov state. Secondly, measurements of the Hall potential of single crystals of $\alpha$-(BEDT-TTF)$_2$KHg(SCN)$_4$, made using a variant of the Corbino geometry in quasistatic magnetic fields, show persistent current effects that are similar to those observed in conventional superconductors. The longevity of the currents, large Hall angle, flux quantization and confinement of the reactive component of the Hall potential to the edge of the sample are all consistent with the realization of a new state of matter in CDW systems with significant orbital quantization effects in strong magnetic fields.; Comment: SNS 2004 Conference presentation
## Determination of thermal and optical parameters of melanins by photopyroelectric spectroscopy
de Albuquerque, J. E.; Giacomantonio, C.; White, A.; Meredith, P.
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 05/04/2005
Relevância na Pesquisa
55.53%
Photopyroelectric spectroscopy (PPE) was used to study the thermal and optical properties of electropolymerized melanins. The photopyroelectric intensity signal and its phase were independently measured as a function of wavelength, as well as a function of chopping frequency for a given wavelength in the saturation part of the PPE spectrum. Equations for both the intensity and the phase of the PPE signal were used to fit the experimental results. From the fittings we obtained for the first time, with great accuracy, the thermal diffusivity coefficient, the thermal conductivity and the specific heat of the samples, as well as a value for the condensed phase optical gap, which we found to be 1.70 eV.; Comment: 4 Page Letter
## Coarse-graining dynamics for convection-diffusion of colloids: Taylor dispersion
Sané, Jimaan; Louis, Ard A.; Padding, Johan
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 20/03/2009
Relevância na Pesquisa
55.53%
By applying a hybrid Molecular dynamics and mesoscopic simulation technique, we study the classic convection-diffusion problem of Taylor dispersion for colloidal discs in confined flow. We carefully consider the time and length-scales of the underlying colloidal system. These are, by computational necessity, altered in the coarse-grained simulation method, but as long as this is carefully managed, the underlying physics can be correctly interpreted. We find that when the disc diameter becomes non-negligible compared to the diameter of the pipe, there are important corrections to the original Taylor picture. For example, the colloids can flow more rapidly than the underlying fluid, and their Taylor dispersion coefficient is decreased. The long-time tails in the velocity autocorrelation functions are altered by the Poiseuille flow. Some of the conclusions about coarse-graining the dynamics of colloidal suspensions are relevant for a wider range of complex fluids.; Comment: submitted to Faraday Discussions for FD144 - Multiscale Modelling of Soft Matter
## Optical excitations in electroluminescent polymers: poly(para-phenylenevinylene) family
Harigaya, Kikuo
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Relevância na Pesquisa
55.53%
Component of photoexcited states with large spatial extent is investigated for optical absorption spectra of the electroluminescent conjugated polymers by using the intermediate exciton theory. We calculate the ratio of oscillator strengths due to long-range excitons with respect to sum of all the oscillator strengths of the absorption as a function of the monomer number. The oscillator strengths of the long-range excitons in poly(para-phenylene) are smaller than those in poly(para-phenylenevinylene), and those of poly(para-phenylenedivinylene) are larger than those in poly(para-phenylenevinylene) Such relative variations are explained by the differences of the number of vinylene units. The oscillator strengths of long-range excitons in poly(di-para-phenylenevinylene) are much larger than those of the above three polymers, due to the increase of number of phenyl rings. We also find that the energy position of the almost localized exciton is neary the same in the four polymers.; Comment: 15 pages; 9 figures; Accepted for publication in J. Phys.: Condens. Matter
## Disentangling the role of structure and friction in shear jamming
Vinutha, H. A.; Sastry, Srikanth
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 04/10/2015
Relevância na Pesquisa
55.53%
Amorphous packings of spheres have been intensely investigated in order to understand the mechanical and flow behaviour of dense granular matter, and to explore universal aspects of the transition from fluid to structurally arrested or jammed states. Considerable attention has recently been focussed on anisotropic packings of frictional grains generated by shear deformation leading to shear jamming, which occurs below the jamming density for isotropic packings of frictionless grains. With the aim of disentangling the role of shear deformation induced structures and friction in generating shear jamming, we study sheared assemblies of frictionless spheres computationally, over a wide range of densities, extending far below the isotropic jamming point. We demonstrate the emergence of a variety of geometric features characteristic of jammed packings with the increase of shear strain. The average contact number and the distributions of contact forces suggest the presence of a threshold density, well below the isotropic jamming point, above which a qualitative change occurs in the jamming behaviour of sheared configurations. We show that above this threshold density, friction stabilizes the sheared configurations we generate. Our results thus reveal the emergence of geometric features characteristic of jammed states as a result of shear deformation alone...
## Smectic Polymer Vesicles
Jia, Lin; Cao, Amin; Levy, Daniel; Xu, Bing; Albouy, Pierre-Antoine; Xing, Xiangjun; Bowick, Mark J.; Li, Min-Hui
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 17/04/2009
Relevância na Pesquisa
55.53%
Polymer vesicles are stable robust vesicles made from block copolymer amphiphiles. Recent progress in the chemical design of block copolymers opens up the exciting possibility of creating a wide variety of polymer vesicles with varying fine structure, functionality and geometry. Polymer vesicles not only constitute useful systems for drug delivery and micro/nano-reactors but also provide an invaluable arena for exploring the ordering of matter on curved surfaces embedded in three dimensions. By choosing suitable liquid-crystalline polymers for one of the copolymer components one can create vesicles with smectic stripes. Smectic order on shapes of spherical topology inevitably possesses topological defects (disclinations) that are themselves distinguished regions for potential chemical functionalization and nucleators of vesicle budding. Here we report on glassy striped polymer vesicles formed from amphiphilic block copolymers in which the hydrophobic block is a smectic liquid crystal polymer containing cholesteryl-based mesogens. The vesicles exhibit two-dimensional smectic order and are ellipsoidal in shape with defects, or possible additional budding into isotropic vesicles, at the poles.; Comment: 17 pages, 4 figures, pdf
## Inferring the effective thickness of polyelectrolytes from stretching measurements at various ionic strengths: applications to DNA and RNA
Toan, Ngo Minh; Micheletti, Cristian
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 16/01/2006
Relevância na Pesquisa
55.53%
By resorting to the thick-chain model we discuss how the stretching response of a polymer is influenced by the self-avoidance entailed by its finite thickness. The characterization of the force versus extension curve for a thick chain is carried out through extensive stochastic simulations. The computational results are captured by an analytic expression that is used to fit experimental stretching measurements carried out on DNA and single-stranded RNA (poly-U) in various solutions. This strategy allows us to infer the apparent diameter of two biologically-relevant polyelectrolytes, namely DNA and poly-U, for different ionic strengths. Due to the very different degree of flexibility of the two molecules, the results provide insight into how the apparent diameter is influenced by the interplay between the (solution-dependent) Debye screening length and the polymers' bare'' thickness. For DNA, the electrostatic contribution to the effective radius, $\Delta$, is found to be about 5 times larger than the Debye screening length, consistently with previous theoretical predictions for highly-charged stiff rods. For the more flexible poly-U chains the electrostatic contribution to $\Delta$ is found to be significantly smaller than the Debye screening length.; Comment: iopart...
## Frustrated Polyelectrolyte Bundles and T=0 Josephson-Junction Arrays
Grason, Gregory M.; Bruinsma, Robijn F.
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Relevância na Pesquisa
55.53%
We establish a one-to-one mapping between a model for hexagonal polyelectrolyte bundles and a model for two-dimensional, frustrated Josephson-junction arrays. We find that the T=0 insulator-to-superconductor transition of the {\it quantum} system corresponds to a continuous liquid-to-solid transition of the condensed charge in the finite temperature {\it classical} system. We find that the role of the vector potential in the quantum system is played by elastic strain in the classical system. Exploiting this correspondence we show that the transition is accompanied by a spontaneous breaking of chiral symmetry and that at the transition the polyelectrolyte bundle adopts a universal response to shear.; Comment: 4 pages, 2 figures, 1 table minor changes to text, reference added
## Melting and freezing of argon in a granular packing of linear mesopore arrays
Schaefer, Christof; Hofmann, Tommy; Wallacher, Dirk; Huber, Patrick; Knorr, Klaus
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 29/03/2008
Relevância na Pesquisa
55.53%
Freezing and melting of Ar condensed in a granular packing of template-grown arrays of linear mesopores (SBA-15, mean pore diameter 8 nanometer) has been studied by specific heat measurements C as a function of fractional filling of the pores. While interfacial melting leads to a single melting peak in C, homogeneous and heterogeneous freezing along with a delayering transition for partial fillings of the pores result in a complex freezing mechanism explainable only by a consideration of regular adsorption sites (in the cylindrical mesopores) and irregular adsorption sites (in niches of the rough external surfaces of the grains, and at points of mutual contact of the powder grains). The tensile pressure release upon reaching bulk liquid/vapor coexistence quantitatively accounts for an upward shift of the melting/freeezing temperature observed while overfilling the mesopores.; Comment: 4 pages, 4 figures, to appear as a Letter in Physical Review Letters
## Nonlinear Elasticity, Fluctuations and Heterogeneity of Nematic Elastomers
Xing, Xiangjun; Radzihovsky, Leo
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 24/09/2007
Relevância na Pesquisa
55.53%
Liquid crystal elastomers realize a fascinating new form of soft matter that is a composite of a conventional crosslinked polymer gel (rubber) and a liquid crystal. These {\em solid} liquid crystal amalgams, quite similarly to their (conventional, fluid) liquid crystal counterparts, can spontaneously partially break translational and/or orientational symmetries, accompanied by novel soft Goldstone modes. As a consequence, these materials can exhibit unconventional elasticity characterized by symmetry-enforced vanishing of some elastic moduli. Thus, a proper description of such solids requires an essential modification of the classical elasticity theory. In this work, we develop a {\em rotationally invariant}, {\em nonlinear} theory of elasticity for the nematic phase of ideal liquid crystal elastomers. We show that it is characterized by soft modes, corresponding to a combination of long wavelength shear deformations of the solid network and rotations of the nematic director field. We study thermal fluctuations of these soft modes in the presence of network heterogeneities and show that they lead to a large variety of anomalous elastic properties, such as singular length-scale dependent shear elastic moduli, a divergent elastic constant for splay distortion of the nematic director...
## First-order phase transitions in two-dimensional off-lattice liquid crystals
Wensink, H. H.; Vink, R. L. C.
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 03/09/2007
Relevância na Pesquisa
55.53%
We consider an off-lattice liquid crystal pair potential in strictly two dimensions. The potential is purely repulsive and short-ranged. Nevertheless, by means of a single parameter in the potential, the system is shown to undergo a first-order phase transition. The transition is studied using mean-field density functional theory, and shown to be of the isotropic-to-nematic kind. In addition, the theory predicts a large density gap between the two coexisting phases. The first-order nature of the transition is confirmed using computer simulation and finite-size scaling. Also presented is an analysis of the interface between the coexisting domains, including estimates of the line tension, as well as an investigation of anchoring effects.; Comment: 12 pages, 17 figures, submitted to J. Phys.: Condens. Matter
## Transport properties controlled by a thermostat: An extended dissipative particle dynamics thermostat
Junghans, Christoph; Praprotnik, Matej; Kremer, Kurt
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 03/09/2007
Relevância na Pesquisa
55.53%
We introduce a variation of the dissipative particle dynamics (DPD) thermostat that allows for controlling transport properties of molecular fluids. The standard DPD thermostat acts only on a relative velocity along the interatomic axis. Our extension includes the damping of the perpendicular components of the relative velocity, yet keeping the advantages of conserving Galilei invariance and within our error bar also hydrodynamics. This leads to a second friction parameter for tuning the transport properties of the system. Numerical simulations of a simple Lennard-Jones fluid and liquid water demonstrate a very sensitive behaviour of the transport properties, e.g., viscosity, on the strength of the new friction parameter. We envisage that the new thermostat will be very useful for the coarse-grained and adaptive resolution simulations of soft matter, where the diffusion constants and viscosity of the coarse-grained models are typically too high/low, respectively, compared to all-atom simulations.; Comment: 6 pages, 4 figures
## Stress phase space for static granular matter
Tejada, Ignacio G.
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Relevância na Pesquisa
55.53%
This paper proposes a phase space to compare the static packings of a granular system compatible to a macrostate that is set by the external stress. The nature of this phase space is analyzed, showing that the consideration of the allowed and forbidden regions and the internal degrees of freedom of every configuration (i.e. geometrical pattern) could be a relevant factor for the establishment of its probability and, therefore, of the expected properties of the sample. This is due to the fact that many combinations of forces acting on a particle can keep it in static equilibrium. Every set of forces can be considered equivalent to a microscopic stress field, but the kind of interaction and the geometrical restrictions mean that not all stress states can be represented by any set, whereas others can be represented by many sets. Consequently the points of the phase space are degenerate, and the density of states of each configuration strongly determines the most probable statistical distribution. It is shown how these functions just depend on the deviatoric stress. A first analysis of two-dimensional (2D) arrangements is included to clarify this assertion.; Comment: 8 pages, 10 figures
## Shear-induced structuration of confined carbon black gels: Steady-state features of vorticity-aligned flocs
Grenard, Vincent; Taberlet, Nicolas; Manneville, Sebastien
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 20/12/2010
Relevância na Pesquisa
55.53%
Various dispersions of attractive particles are known to aggregate into patterns of vorticity-aligned stripes when sheared in confined geometries. We report a thorough experimental investigation of such shear-induced vorticity alignment through direct visualization of carbon black gels in both simple plane shear and rotational shear cells. Control parameters such as the gap width, the strain rate, and the gel concentration are systematically varied. It is shown that in steady states the wavelength of the striped pattern depends linearly on the gap width $h$ while being insensitive to both the gel concentration $C$ and the shear rate $\gp$. The width of the vorticity-aligned flocs coincides with the gap width and is also independent of $C$ and $\gp$, which hints to a simple picture in terms of compressible cylindrical flocs. Finally, we show that there exists a critical shear rate $\gp_c$ above which structuration does not occur and that $\gp_c$ scales as $h^{-\alpha}$ with $\alpha=1.4\pm 0.1$ independently of $C$. This extensive data set should open the way to quantitative modelling of the vorticity alignment phenomenon in attractive colloidal systems.; Comment: 10 pages, 14 figures, submitted to Soft Matter
## Theory for the phase behaviour of a colloidal fluid with competing interactions
Archer, A. J.; Ionescu, C.; Pini, D.; Reatto, L.
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Publicado em 29/08/2008
Relevância na Pesquisa
55.53%
We study the phase behaviour of a fluid composed of particles which interact via a pair potential that is repulsive for large inter-particle distances, is attractive at intermediate distances and is strongly repulsive at short distances (the particles have a hard core). As well as exhibiting gas-liquid phase separation, this system also exhibits phase transitions from the uniform fluid phases to modulated inhomogeneous fluid phases. Starting from a microscopic density functional theory, we develop an order parameter theory for the phase transition in order to examine in detail the phase behaviour. The amplitude of the density modulations is the order parameter in our theory. The theory predicts that the phase transition from the uniform to the modulated fluid phase can be either first order or second order (continuous). The phase diagram exhibits two tricritical points, joined to one another by the line of second order transitions.; Comment: 12 pages, 9 figures. Accepted for publication in J. Phys. Condens. Matter
## Non-Equilibrium Dynamics of Single polymer Adsorption to Solid Surfaces
Panja, Debabrata; Barkema, Gerard T.; Kolomeisky, Anatoly B.
Fonte: Universidade Cornell Publicador: Universidade Cornell
Tipo: Artigo de Revista Científica
Relevância na Pesquisa
55.53%
Adsorption of polymers to surfaces is crucial for understanding many fundamental processes in nature. Recent experimental studies indicate that the adsorption dynamics is dominated by non-equilibrium effects. We investigate the adsorption of a single polymer of length $N$ to a planar solid surface in the absence of hydrodynamic interactions. We find that for weak adsorption energies the adsorption time scales $\sim N^{(1+2\nu)/(1+\nu)}$, where $\nu$ is the Flory exponent for the polymer. We argue that in this regime the single chain adsorption is closely related to a field-driven polymer translocation through narrow pores. Surprisingly, for high adsorption energies the adsorption time becomes longer, as it scales $\sim N^{(1+\nu)}$, which is explained by strong stretching of the unadsorbed part of the polymer close to the adsorbing surface. These two dynamic regimes are separated by an energy scale that is characterised by non-equilibrium contributions during the adsorption process.; Comment: 11 pages, 3 figures, 1 table, substantial added material, to appear in J. Phys.: Condens. Matter as a Fast Track Communication
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.7910176515579224, "perplexity": 3474.84968325344}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": false}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2020-05/segments/1579250594662.6/warc/CC-MAIN-20200119151736-20200119175736-00240.warc.gz"}
|
https://physics.stackexchange.com/questions/326955/unstability-of-fermi-surface-in-superconductors-cooper-problem
|
# Unstability of Fermi surface in superconductors & Cooper problem
The Fermi Energy is defined as the highest energy occupied at $T=0$ by a system composed of Fermions.
When we study the Cooper problem as an introduction to BCS theory, we say: let's put a pair of electrons at the energy above the Fermi energy, thus with $k > k_F$.
We are more precisely looking for an eigenstate : $| \Psi \rangle = \sum_{\boldsymbol{k}} \alpha_\boldsymbol{k} a^\dagger_{\boldsymbol{k}\uparrow}a^\dagger_{-\boldsymbol{k}\downarrow}|0\rangle$ with $\alpha_\boldsymbol{k}=0$ if $k<k_F$.
We do some calculations and we find using the Hamiltonian with the electron-phonon interaction term that the $| \Psi \rangle$ is an eigenstate of the hamiltonian with $E<2 E_F$.
And we say : so the Fermi sea is unstable as it is favorable to put two electrons above the Fermi energy.
What I don't understand :
What is precisely the $E_F$ energy we are talking about? Is it $\frac{h^2 k_F^2}{2m}$: the maximum energy of free electrons? But electrons are not free here as we have electron-phonon interaction. Why are we looking at the maximum energy of free electrons if we are studying an hamiltonian with interaction? This shouldn't be a relevant quantity...?
• Even with electron phonon interaction the Fermi surface is usually stable, this is called the Luttinger theorem. And Landau liquid theory tells you that the electron gas with phonon interaction, electromagnetic interaction (screening and co), behaves as a free electron gas. Only Cooper instability realises the instability of the Fermi surface. All relevant reference are in the post physics.stackexchange.com/q/69358/16689 about the stability of the Fermi surface. In that case, one needs to compare the energy of the electron-phonon interacting system (behaving like a free gas) (...) Oct 14 '17 at 3:51
• (...) and the other possible one, that is, the superconducting state in case of a Cooper instability. Oct 14 '17 at 3:52
That's precisely what an instability is about... The Fermi surface of free particles is usually stable. But if you have attractive interaction between the free electrons it becomes instable. Cooper showed that the Fermi surface is unstable when some attractive electron-phonon interaction are present. So in fact the Fermi surface doesn't exist in superconductors.
The strategy is the following: you take a Hamiltonian whose ground state is known [the free electron gas for the Cooper problem, with known Fermi surface]. Then you switch on some interaction [the attractive electron-phonon interaction] and you ask whether the ground state of the two systems -- with or without the interaction -- is the same. In the case of the Cooper problem the two systems have not the same ground state.
It is nevertheless difficult to know how to write the ground state of the interacting system, so you're happy already knowing that the ground state of the interacting system has a lesser energy than the non-interacting one. It simply means that, whenever the attractive interaction is present, the system will favour a ground state which is not a Fermi surface [or a free electron gas in the Cooper problem].
In the Cooper problem, this new ground state is the Cooper fluid, or BCS ground state. Its approximate (= mean-field) form has been postulated by Bardeen, Cooper and Schrieffer a few months after Cooper understood that the Fermi surface is not the ground state of a superconductor.
Historically, the Cooper problem is important, since it clearly demonstrated that the Fermi surface is not always the ground state of interacting fermions. Before Cooper, it was commonly believed that the Fermi surface is a stable object, following some arguments by Luttinger, who showed that the Fermi surface can still be defined even with interaction. Of course, what Luttinger forget was the possibility for phase transition.
• I think I don't understand. If I have an interaction term, my electrons are no longer free so the Fermi surface will not be relevant at all. It would be like to try to use Fermi Dirac distribution for bosons (to give an image of my misunderstanding). " In the case of the Cooper problem the two systems have not the same ground state." In fact without doing any calculation I don't see how they could be the same as the Hamiltonian is different. Apr 18 '17 at 10:07
• Fermi surface is not an easy concept, since it is topologically stable, see physics.stackexchange.com/q/69358/16689 In any case instability are not interesting if you consider too restricted properties like the energy ground state $E_{0}$. Surely $E_{0}$ will change anytime you will add any small perturbation to the system. In general one talks about instability when a global property of the system is no more realised, as e.g. the surface of a classical fluid, or the Fermi surface of a degenerate fermionic gas. Apr 18 '17 at 15:27
• Perhaps you should first read about instability in classical systems, then about Fermi systems, before trying to understand the instability of the Fermi surface. Apr 18 '17 at 15:27
• @FraSchelle As I understand, in classical mechanics, if a configuration (for instance, a steady solution) is unstable, any small perturbation will be amplified exponentially in time (of course, when the context of small perturbation is still valid) therefore the configuration is usually dramatically affected. I guess it is not the same concept here when one say the Fermi surface is unstabilized(?) I think StarBuck was arguing if there is an attractive interaction, it is natural the calculated eigenstate has smaller energy then that without the interaction. Why the textbook calls that instable? Oct 12 '17 at 23:12
• @gamebm Because it is. It is not stable. Stable always means that the system is in the minimal energy state. Now, both in classical and quantum physics, you can change the minimal energy state under interaction. The interaction is what you call the perturbation in classical mechanics. To get the amplification you're talking about, you need at least a non-linear term in your description. For the Cooper problem, this non-linearity is the electron-phonon interaction. When you linearise this non-linearity, you get the exponential amplification towards the Cooper condensate. Oct 14 '17 at 2:25
Let me try to explain what I understand.
(1) Here $E_F$ is the energy of an electron sitting on the Fermi surface, and therefore it is the minimal (not the maximal!) energy if you add two free electrons on top of the Fermi surface.
According to FraSchele's comments, it should be emphasized that the system before introducing the electron pair is an interacting Fermi-liquid, rather a non-interacting Fermi gas. One should mind the difference. For the latter, one indeed has $E_f=\frac{h^2 k_F^2}{2m}$. However, although the derivation provided in the cited textbook uses the characteristic value of the density of Fermi-gas around (10.27b), the specific values of Fermi energy and/or density of state near Fermi are not essential in the proof addressed below in point (4).
(2) The electrons inside the Fermi surface are not considered as free, since they are mostly irrelevant to the conductivity. Their microscopic motions mostly cancel out and do not contribute to the measurable macroscopic current. In this context, the electron pair in question is considered free.
(3) For instance, in the textbook Solid State Physics by Itach and Luth, in section 10.3, it is argued that there might be some small effective attraction between electrons, and the interaction is only significant for free electron pairs with opposite momenta. Therefore, let us assume that the remaining electrons on the Fermi surface, while being subjected to other interactions, do not feel this type of attraction.
(4) Consequently, the above textbook provides a proof which shows that no matter how small the attraction between electrons is, the electron pair with opposite momentum may form a state whose energy is lower than that of Fermi energy.
(5) The above result is not trivial. If there is no interaction, and since the free two electrons are above the Fermi surface, their energy satisfies $E>2E_f$. Now, of course, attraction will always lower the energy, but there is a competition between the two causes, and it is not obvious why the attraction always wins and leads eventually $E<2E_f$ for interacting electron pair.
(6) The existence of the two-electron bound state, namely, Cooper pair, indicates that they are more stable in comparison to the other electrons on the Fermi surface.
(7) Regarding FraSchelle's answer, I think here the concept of instability is not exactly the same as that in classical mechanics. In the latter case, instability mostly refers to linear instability. It implies that any small perturbation will be amplified exponentially in time, as long as the context of small perturbation is still valid. Here for Cooper pair, to me, it only means the appearance of a bound state.
Edit
The points (1) and (3) above are modified according to FraSchelle's comments.
• (1) The initial gas is not the free electron gas, it is the Landau liquid. It has all properties of the free electron gas, especially the Fermi surface still exists, whatever interaction you may add to your description ... except a Cooper pairing. (7) The appearance of a bound state on top of the Fermi liquid due to attractive interaction mediated by phonon goes along with a lower energy : the two concepts are strictly equivalent in this context. Note the Cooper problem is about two electrons on top of a Fermi gas, not about a genuine Fermi gas / Landau liquid. Oct 14 '17 at 2:36
• For the Cooper problem, you can realise the two electrons lower their energy due to the interaction, resulting in a bound state of these two electrons. In the superconducting problem (namely a fermionic gas with attractive interaction in the mean field approximation), you no more have bound state, you have correlations between the electronic modes. These correlations lower the energy, and grow up as an order parameter. Hence the notion of phase transition. Oct 14 '17 at 2:39
• @FraSchelle Thanks for the comments! I modified the text accordingly. Oct 15 '17 at 1:56
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9213950037956238, "perplexity": 368.27905482177675}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-43/segments/1634323587593.0/warc/CC-MAIN-20211024173743-20211024203743-00598.warc.gz"}
|
https://tex.stackexchange.com/questions/411197/pstricks-spiral-with-labels
|
# pstricks spiral with labels
I am trying to recreate the following spiral graphic using pstricks:
which should look like
My first thought was to use a logarithmic function like in this post. But then I wouldn't know how to add the labels.
Another thougt would be to use \pscurve. Maybe someone knows how I can find out the points of the graphic to use that function.
• Welcome to TeX SX! Your question is not clear: is it supposed to be a helix (i.e. a skew curve in $3$-space) or a spiral ( a plane curve, usually defined by a polar equation, like Archimedes' spiral)? Jan 19, 2018 at 19:43
• @Bernard Thanks for your suggestion to make the question more clear. I added a picture which hopefully shows my intention Jan 19, 2018 at 19:56
• Suggestion: Rephrase your title using spiral instead of helix. Jan 19, 2018 at 21:37
A small variant, with Archimedes' spiral:
\documentclass[a4paper, pdf, svgnames]{article}
\usepackage[utf8]{inputenc}
\usepackage[T1]{fontenc}
\usepackage[f]{esvect}
\pagestyle{empty}
\usepackage{auto-pst-pdf} %% to compile with pdflatex --enable-write18 (MiKTeX) or pdflatex --shell-escape (TeX Live, MacTeX)
\begin{document}
\begin{pspicture}
\psset{plotpoints=200, labelsep=1ex}
\everypsbox{\sffamily}
\psplot[polarplot, arrows=*-, linecolor=Tomato, linewidth=1.2pt, dotsize=2.5pt,]{0}{440}{x 100 div}
\multido{\i = 180 + 40, \n = 1.8 + 0.4}{7}{\uput[\i](\n; \i){A\i}}
\end{pspicture}
\end{document}
• Thank you for that answer. I guess that is the easier and cleaner way of creating a spiral. Therefore I accepted your answer as the "best" one. Jan 19, 2018 at 23:06
• There's just a problem: I tried a logarithmic spiral, but it didn't work (I can plot functions with logarithms, but strangely it doesn't work for polar plots). Any way, the way the curves begin are not very different, but I think I'll have to post a question. Jan 19, 2018 at 23:24
\documentclass[pstricks]{standalone}
\usepackage{pst-plot}
\begin{document}
\begin{pspicture}(-4,-4)(5,5)
\psparametricplot[linecolor=red,linewidth=2pt,plotpoints=1000]{0}{-510}%
{t sin t DegtoRad 2 div mul t cos t DegtoRad 2 div mul }
\multido{\iA=180+40,\rA=-3.14+-0.698}{7}{%
\rput*(! \rA\space neg dup RadtoDeg cos 1.5 div mul
\rA\space dup RadtoDeg sin 1.6 div mul){A$\iA$}}%
\end{pspicture}
\end{document}
• That looks perfect for my purpose! Thanks alot! Jan 19, 2018 at 23:05
Since some nice PStricks answers have already be posted, as requested by the OP, I felt free to post the same kind of figure, this time with MetaPost, for whom it may interest. Code included in a LuaLaTeX program thanks to the luamplib package.
\documentclass[12pt, border=3mm]{standalone}
\usepackage{luatex85, luamplib}
\mplibsetformat{metafun}
\mplibtextextlabel{enable}
\begin{document}
\begin{mplibcode}
u := cm;
path spirale;
beginfig(1);
spirale = origin
for t = 1 upto 420:
hide(pair currentpoint; currentpoint = u*t/90*dir t;
if (t >= 180) and ((t-180) mod 40 = 0):
freelabel("A" & decimal t, currentpoint, origin); fi)
.. currentpoint
endfor;
draw spirale withcolor red;
endfig;
\end{mplibcode}
\end{document}
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9119679927825928, "perplexity": 4155.305986119645}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-27/segments/1656103036077.8/warc/CC-MAIN-20220625160220-20220625190220-00010.warc.gz"}
|
http://mathhelpforum.com/algebra/78688-algebra-word-problem.html
|
Math Help - Algebra word problem
1. Algebra word problem
i need help witht the following problem-
A merchant mixed 10 lb of cinnamon tea with 5 lb of spice tea. The 15-pound mixture cost
$40. A second mixture included 12 lb of the cinnamon tea and 8 lb of the spice tea. The 20- pound mixture cost$54. Find the cost per pound of the cinnamon tea and of the spice tea.
thanks!
2. Originally Posted by GriceldaM
i need help witht the following problem-
A merchant mixed 10 lb of cinnamon tea with 5 lb of spice tea. The 15-pound mixture cost
$40. A second mixture included 12 lb of the cinnamon tea and 8 lb of the spice tea. The 20- pound mixture cost$54. Find the cost per pound of the cinnamon tea and of the spice tea.
thanks!
Let cinnamon tea be x and spice tea be y@
10x + 5y = 40 which simplifies to 2x+y=8
12x + 8y = 54 which simplifies to 6+4y = 27
which can then be solved easily enough enough
3. woohoo! thanks so much!
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.29068732261657715, "perplexity": 7624.51814570832}, "config": {"markdown_headings": false, "markdown_code": false, "boilerplate_config": {"ratio_threshold": 0.3, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-27/segments/1435375096287.97/warc/CC-MAIN-20150627031816-00146-ip-10-179-60-89.ec2.internal.warc.gz"}
|
http://hipem.com.br/black-cane-ogdkxx/%2Aa-function-f%3Aa%E2%86%92b-is-invertible-if-f-is%3A%2A-4d5b38
|
It is a function which assigns to b, a unique element a such that f(a) = b. hence f -1 (b) = a. That would give you g(f(a))=a. Then f 1(f… Inverse functions Inverse Functions If f is a one-to-one function with domain A and range B, we can de ne an inverse function f 1 (with domain B ) by the rule f 1(y) = x if and only if f(x) = y: This is a sound de nition of a function, precisely because each value of y in the domain of f 1 has exactly one x in A associated to it by the rule y = f(x). (⇒) Suppose that g is the inverse of f.Then for all y ∈ B, f (g (y)) = y. Not all functions have an inverse. Thus, f is surjective. This preview shows page 2 - 3 out of 3 pages.. Theorem 3. A function f : A →B is onto iff y∈ B, x∈ A, f(x)=y. Let f: X Y be an invertible function. Is f invertible? Invertible function: A function f from a set X to a set Y is said to be invertible if there exists a function g from Y to X such that f(g(y)) = y and g(f(x)) = x for every y in Y and x in X.or in other words An invertible function for ƒ is a function from B to A, with the property that a round trip (a composition) from A to B to A returns each element of the first set to itself. So g is indeed an inverse of f, and we are done with the first direction. Inverse Functions:Bijection function are also known as invertible function because they have inverse function property. Thus f is injective. Definition. Using the definition, prove that the function: A → B is invertible if and only if is both one-one and onto. Suppose F: A → B Is One-to-one And G : A → B Is Onto. g(x) Is then the inverse of f(x) and we can write . Suppose that {eq}f(x) {/eq} is an invertible function. First, let's put f:A --> B. Note g: B → A is unique, the inverse f−1: B → A of invertible f. Definition. In other words, if a function, f whose domain is in set A and image in set B is invertible if f-1 has its domain in B and image in A. f(x) = y ⇔ f-1 (y) = x. 8. 7. (b) Show G1x , Need Not Be Onto. That is, let g : X → J such that g(x) = f(x) for all x in X; then g is bijective. Let f : A !B be a function mapping A into B. asked Mar 21, 2018 in Class XII Maths by rahul152 (-2,838 points) relations and functions. To state the de nition another way: the requirement for invertibility is that f(g(y)) = y for all y 2B and g(f(x)) = x for all x 2A. The inverse of bijection f is denoted as f -1 . Let x 1, x 2 ∈ A x 1, x 2 ∈ A It is is necessary and sufficient that f is injective and surjective. Corollary 5. A function is invertible if on reversing the order of mapping we get the input as the new output. Google Classroom Facebook Twitter. That means f 1 assigns b to a, so (b;a) is a point in the graph of f 1(x). First assume that f is invertible. Indeed, f can be factored as incl J,Y ∘ g, where incl J,Y is the inclusion function … If f(a)=b. Invertible Function. If f: A B is an invertible function (i.e is a function, and the inverse relation f^-1 is also a function and has domain B), then f is injective. asked May 18, 2018 in Mathematics by Nisa ( 59.6k points) We will use the notation f : A !B : a 7!f(a) as shorthand for: ‘f is a function with domain A and codomain B which takes a typical element a in A to the element in B given by f(a).’ Example: If A = R and B = R, the relation R = f(x;y) jy = sin(x)g de nes the function f… If A, B are two finite sets and n(B) = 2, then the number of onto functions that can be defined from A onto B is 2 n(A) - 2. I’ll talk about generic functions given with their domain and codomain, where the concept of bijective makes sense. A function is invertible if on reversing the order of mapping we get the input as the new output. Invertible Function. An Invertible function is a function f(x), which has a function g(x) such that g(x) = f⁻¹(x) Basically, suppose if f(a) = b, then g(b) = a Now, the question can be tackled in 2 parts. In other words, if a function, f whose domain is in set A and image in set B is invertible if f-1 has its domain in B and image in A. f(x) = y ⇔ f-1 (y) = x. Codomain = {7,9,10,8,4} The function f is say is one to one, if it takes different elements of A into different elements of B. – f(x) is the value assigned by the function f to input x x f(x) f (a) Show F 1x , The Restriction Of F To X, Is One-to-one. Then we can write its inverse as {eq}f^{-1}(x) {/eq}. De nition 5. If f: A B is an invertible function (i.e is a function, and the inverse relation f^-1 is also a function and has domain B), then f is surjective. Then there is a function g : Y !X such that g f = i X and f g = i Y. If x 1;x 2 2X and f(x 1) = f(x 2), then x 1 = g(f(x 1)) = g(f(x 2)) = x 2. If f is one-one, if no element in B is associated with more than one element in A. A function f : A→B is said to be one one onto function or bijection from A onto B if f : A→ B is both one one function and onto function… Then f is invertible if and only if f is bijective. The second part is easiest to answer. 3.39. not do anything to the number you put in). So,'f' has to be one - one and onto. So you input d into our function you're going to output two and then finally e maps to -6 as well. In fact, to turn an injective function f : X → Y into a bijective (hence invertible) function, it suffices to replace its codomain Y by its actual range J = f(X). A function f from A to B is called invertible if it has an inverse. For the first part of the question, the function is not surjective and so we can't describe a function f^{-1}: B-->A because not every element in B will have an (inverse) image. A function, f: A → B, is said to be invertible, if there exists a function, g : B → A, such that g o f = I A and f o g = I B. Now let f: A → B is not onto function . Here is an outline: How to show a function $$f : A \rightarrow B$$ is surjective: Suppose $$b \in B$$. Put simply, composing the inverse of a function, with the function will, on the appropriate domain, return the identity (ie. Question 27 Let : A → B be a function defined as ()=(2 + 3)/( − 3) , where A = R − {3} and B = R − {2}. The set B is called the codomain of the function. e maps to -6 as well. Also, range is equal to codomain given the function. Therefore 'f' is invertible if and only if 'f' is both one … Note that, for simplicity of writing, I am omitting the symbol of function … g(x) is the thing that undoes f(x). A function, f: A → B, is said to be invertible, if there exists a function, g : B → A, such that g o f = I A and f o g = I B. Suppose f: A !B is an invertible function. Moreover, in this case g = f − 1. First of, let’s consider two functions $f\colon A\to B$ and $g\colon B\to C$. When f is invertible, the function g … We say that f is invertible if there exists another function g : B !A such that f g = i B and g f = i A. But when f-1 is defined, 'r' becomes pre - image, which will have no image in set A. Prove: Suppose F: A → B Is Invertible With Inverse Function F−1:B → A. If f is an invertible function (that means if f has an inverse function), and if you know what the graph of f looks like, then you can draw the graph of f 1. Since g is inverse of f, it is also invertible Let g 1 be the inverse of g So, g 1og = IX and gog 1 = IY f 1of = IX and fof 1= IY Hence, f 1: Y X is invertible and f is the inverse of f 1 i.e., (f 1) 1 = f. If (a;b) is a point in the graph of f(x), then f(a) = b. Let f: A!Bbe a function. If yes, then find its inverse ()=(2 + 3)/( − 3) Checking one-one Let _1 , _2 ∈ A (_1 )=(2_1+ 3)/(_1− 3) (_2 So then , we say f is one to one. 6. Determining if a function is invertible. And so f^{-1} is not defined for all b in B. Using this notation, we can rephrase some of our previous results as follows. 1. Intro to invertible functions. Invertible functions. f:A → B and g : B → A satisfy gof = I A Clearly function 'g' is universe of 'f'. Proof. Injectivity is a necessary condition for invertibility but not sufficient. Function f: A → B;x → f(x) is invertible if there is a function g: B → A;y → g(y) such that ∀ x ∈ A; g(f(x)) = x and also ∀ y ∈ B; f(g(y)) = y, i.e., g f = idA and f g = idB. Show that f is one-one and onto and hence find f^-1 . We say that f is invertible if there is a function g: B!Asuch that g f= id A and f g= id B. A function f : A → B has a right inverse if and only if it is surjective. So let's see, d is points to two, or maps to two. a if b ∈ Im(f) and f(a) = b a0 otherwise Note this defines a function only because there is at most one awith f(a) = b. It is an easy computation now to show g f = 1A and so g is a left inverse for f. Proposition 1.13. Here image 'r' has not any pre - image from set A associated . The function, g, is called the inverse of f, and is denoted by f -1 . g = f 1 So, gof = IX and fog = IY. 0 votes. Then F−1 f = 1A And F f−1 = 1B. Notation: If f: A !B is invertible, we denote the (unique) inverse function by f 1: B !A. A function f: A → B is invertible if and only if f is bijective. Hence, f 1(b) = a. Email. A function f: A !B is said to be invertible if it has an inverse function. This is the currently selected item. Not all functions have an inverse. Proof. Let f : A ----> B be a function. If {eq}f(a)=b {/eq}, then {eq}f^{-1}(b)=a {/eq}. Then what is the function g(x) for which g(b)=a. Let B = {p,q,r,} and range of f be {p,q}. So for f to be invertible it must be onto. A function is invertible if and only if it is bijective (i.e. To prove that invertible functions are bijective, suppose f:A → B … In this case we call gthe inverse of fand denote it by f 1. If now y 2Y, put x = g(y). Then f is bijective if and only if f is invertible, which means that there is a function g: B → A such that gf = 1 A and fg = 1 B. I will repeatedly used a result from class: let f: A → B be a function. both injective and surjective). Let f : X !Y. Let X Be A Subset Of A. 2. Consider the function f:A→B defined by f(x)=(x-2/x-3). The function, g, is called the inverse of f, and is denoted by f -1 . Instead of writing the function f as a set of pairs, we usually specify its domain and codomain as: f : A → B … and the mapping via a rule such as: f (Heads) = 0.5, f (Tails) = 0.5 or f : x ↦ x2 Note: the function is f, not f(x)! Then y = f(g(y)) = f(x), hence f … Let g: Y X be the inverse of f, i.e. Is the function f one–one and onto? According to Definition12.4,we must prove the statement $$\forall b \in B, \exists a \in A, f(a)=b$$. Learn how we can tell whether a function is invertible or not. Practice: Determine if a function is invertible. Thus ∀y∈B, f(g(y)) = y, so f∘g is the identity function on B. In words, we must show that for any $$b \in B$$, there is at least one $$a \in A$$ (which may depend on b) having the property that $$f(a) = b$$. So this is okay for f to be a function but we'll see it might make it a little bit tricky for f to be invertible. Proposition 1.13 = 1A and f g = f − 1 let f: A →B is onto so '. Be one - one and onto ) =y equal to codomain given function. If on reversing the order of mapping we get the input as new!, } and range of f, and is denoted by f 1 ( f… let... Let 's see, d is points to two to codomain given the function g: x. And surjective two and then finally e maps to -6 as well f 1x, inverse! The identity function on B inverse for f. Proposition 1.13 invertible functions are bijective, suppose f: A B! Of fand denote it by f 1 ( B ) =a - 3 out of 3 pages.. Theorem.... A -- -- > B be A function f: A! B is said to be invertible it be! Not defined for all B in B is invertible if and only if ' f is... Results as follows = IX and fog = IY if is both one-one and onto and hence find.! First direction if on reversing the order of mapping we get the input as the new output no element B... Mapping A into B, q } g is A left inverse for f. *a function f:a→b is invertible if f is:*.. Tell whether A function is invertible or not called the inverse F−1: B A. Be invertible it must be onto defined, ' f ' has not any pre - image from set associated... ( f ( x ) =y A! B is an easy computation to... Or maps to -6 as well is defined, ' r ' becomes -... Mapping we get the input as the new output which g ( f ( x ) then! ' r ' becomes pre - image, which will have no in... A necessary condition for invertibility but not sufficient sufficient that f is one-one and onto in B one-one, no... An inverse to Show g f = 1A and so g is A function f from A to B associated. → B is invertible if and only if f is bijective called the inverse f... Learn how we can write A left inverse for f. Proposition 1.13 f {. F−1 = 1B invertible functions are bijective, suppose f: A is. Ix and fog = IY is not onto function the new output only if it has inverse... … De nition 5 g = i y for invertibility but not sufficient: suppose f: A → is... { -1 } ( x ) is the identity function on B -1..., range is equal to codomain given the function g ( y ) and g: y x the! Bijective ( i.e x! y not do anything to the number you put in ) put x g. Class XII Maths by rahul152 ( -2,838 points ) relations and functions if f denoted! F… now let f: A → B is said to be invertible if it is bijective ( i.e an! Has to be invertible it must be onto ( y ) one … nition., suppose f: A! B is onto iff y∈ B, A... Not onto function will have no image in set A -- -- > B be A function is with! Whether A function is invertible if it has an inverse is points to two inverse functions: Bijection are. Will have no image in set A is is necessary and sufficient that is. Right inverse if and only if f is bijective, i.e be inverse. Is onto ( -2,838 points ) relations and functions pre - image, which have... ' becomes pre - image, which will have no image in set A i ’ ll about! Functions given with their domain and codomain, where the concept of bijective makes sense { }... = f 1 ( f… now let f: A! B be A function is invertible if is., suppose f: A! B be A function is invertible if has. How we can tell whether A function is invertible if it has an inverse then we can whether! Put x = g ( x ) is the identity function on B that! With more than one element in A →B is onto iff y∈ B, x∈ A, f ( (... F ' is invertible if and only if f is denoted by f -1 of f to be one one! Then F−1 f = 1A and f F−1 = 1B find f^-1 bijective ( i.e let g A! Say f is injective and surjective ∀y∈B, f 1 ( f… now let:. That { eq } f ( x ) { /eq } is not defined for all in! Defined, ' f ' is invertible if and only if is both one-one and onto ). Fog = IY f 1 ( B ) =a to one condition for invertibility not..., i.e f. Proposition 1.13 A →B is onto: suppose f: →! Prove: suppose f: A! B be A function f: --. B = { p, q } ( x ) and we done... A right inverse if and only if ' f ' is both one … De 5... Let f: A → B is called the inverse of f, and we are done with the direction... Must be onto 2018 in Class XII Maths by rahul152 ( -2,838 points ) relations and functions /eq is.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 1, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9482408761978149, "perplexity": 572.3381039121696}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-10/segments/1614178358976.37/warc/CC-MAIN-20210227144626-20210227174626-00216.warc.gz"}
|
http://www.juantutors.com/articles/tag/distinct-numbers/
|
# SAT/ACT problem of the week, October 27, 2016 solution
Hint for process of elimination: You need to know that “integers” are the positive and negative whole numbers, “nonnegative” means the numbers are not negative, and “distinct” means the list does not repeat any numbers. If the arithmetic mean of the five numbers is 7, then either all five numbers are 7, or at least one of the numbers is greater than 7. This helps you to eliminate two choices.
Another hint: They want to know the maximum value of the largest number is. The maximum value of the largest number occurs when the other four numbers are as small as possible. So instead of searching for the largest number, choose the other four numbers as small as possible, and use that to get the largest number, or at least an idea of how large the largest number could be.
Read on for a full solution.
Continue reading
# SAT/ACT problem of the week, October 27, 2016
The product and average (arithmetic mean) of five distinct nonnegative integers are 0 and 7, respectively. What is the maximum value of the largest number?
Solutions, hints, and questions are welcomed. A full solution will be posted on November 2nd. If you would like to learn how to enter math formulas into this blog, visit the WordPress LaTeX tutorial page.
# SAT problem of the week, November 03, 2014 solution
Hint for process of elimination: $f(g(6))$ is a composition of functions, not an addition, subtraction, multiplication, nor division.
Read on for a full solution.
Continue reading
# SAT problem of the week, October 27, 2014 solution
Hint for process of elimination: You need to know that “integers” are the positive and negative whole numbers, “nonnegative” means the numbers are not negative, and “distinct” means the list does not repeat any numbers. If the arithmetic mean of the five numbers is 7, then either all five numbers are 7, or at least one of the numbers is greater than 7. This helps you to eliminate two choices.
Another hint: They want to know the maximum value of the largest number is. The maximum value of the largest number occurs when the other four numbers are as small as possible. So instead of searching for the largest number, choose the other four numbers as small as possible, and use that to get the largest number, or at least an idea of how large the largest number could be.
Read on for a full solution.
Continue reading
# SAT problem of the week, October 27, 2014
The product and average (arithmetic mean) of five distinct nonnegative integers are 0 and 7, respectively. What is the maximum value of the largest number?
Solutions, hints, and questions are welcomed. A full solution will be posted on November 2nd. If you would like to learn how to enter math formulas into this blog, visit the WordPress LaTeX tutorial page.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 1, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.347567081451416, "perplexity": 286.99688927298723}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 5, "enable": false}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2017-30/segments/1500549425751.38/warc/CC-MAIN-20170726022311-20170726042311-00622.warc.gz"}
|
https://labs.tib.eu/arxiv/?author=C.%20Dobrigkeit%20J.C.%20D'Olivo
|
• We present the results of searches for dipolar-type anisotropies in different energy ranges above $2.5\times 10^{17}$ eV with the surface detector array of the Pierre Auger Observatory, reporting on both the phase and the amplitude measurements of the first harmonic modulation in the right-ascension distribution. Upper limits on the amplitudes are obtained, which provide the most stringent bounds at present, being below 2% at 99% $C.L.$ for EeV energies. We also compare our results to those of previous experiments as well as with some theoretical expectations.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8871577978134155, "perplexity": 650.730223549257}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2020-50/segments/1606141197278.54/warc/CC-MAIN-20201129063812-20201129093812-00127.warc.gz"}
|
https://thelearningstudioaustralia.com/2019/06/20/mathematics-and-formulas/
|
Mathematics and Formulas
I remember the first time I was told about the quadratic formula. I was mind blown! How could someone possibly come up with this formula? If you haven’t seen it, the quadratic formula gives us the solutions to a (quadratic) equation $ax^2+bx+c=0$ (here $a,b, c$ are fixed numbers and $x$ is the value we want to solve for). The quadratic formula tells us that $x$ is given by
$x=\frac{-b\pm \sqrt{b^2-4ac}}{2a}.$
For example, if $x^2-5x+6=0$ (so $a=1, b=-5, c=6$), then there are two possible values that $x$ can be:
$x=\frac{-(-5)+\sqrt{(-5)^2-4\cdot 1\cdot 6}}{2\cdot 1}=3$, or $x=\frac{-(-5)-\sqrt{(-5)^2-4\cdot 1\cdot 6}}{2\cdot 1}=2$
It seems impossible that someone could just sit down and think up this formula, and it is! The problem with formulas in mathematics is that they (usually) don’t give you an understanding of how something works. Formulas should come after understanding. Mathematics is not supposed to be an exercise in memorizing lots of formulas; it is supposed to be a tool to help you understand and simplify complex problems. Formulas are then just a convenient language in which to state your results.
Why you shouldn’t just memorize formulas!
Unfortunately, the idea of understanding a problem before having a solution is usually under-emphasized. Because most of our mathematics education is exam-focused, it can be tempting to just memorize some formulas and learn which formulas to apply for each type of question that might come up. Whilst this can work in an exam situation, you will almost certainly not be able to solve unfamiliar problems.
As an example, whilst the quadratic formula above lets you solve any equation of the form $ax^2+bx+c=0$, adding an $x^3$ term will render it completely useless. The quadratic formula offers no insight into the problem of solving $ax^3+bx^2+cx+d=0$. However, understanding how to solve a quadratic equation will help you with this (much) harder equation: the first steps for each are essentially the same.
How do you memorize formulas?
Whilst you don’t need to memorize lots of formulas to be good at math, there will be some that you do need to remember. This should be a relatively small list, however (as an example, I can fit all the trigonometry you need to know for high school on half an A4 page, with large handwriting!). Once you know exactly which formulas you should be memorizing, the best way to commit them to memory is to do problems and write the formula down every time you use it (don’t just look it up or have it sitting in front of you). This has two benefits:
1. You will write the formula down so many times you won’t be able to forget it.
2. You will be practicing exactly the working out that you need to provide in an exam to get full communication marks.
I’ve found this to be one of the most efficient methods of studying for mathematics exams. If you need help with any of the above, feel free to ask!
Uncategorized
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 13, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.831920862197876, "perplexity": 254.69801277819315}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-40/segments/1664030337339.70/warc/CC-MAIN-20221002181356-20221002211356-00469.warc.gz"}
|
https://www.r-bloggers.com/author/andrew/page/5/
|
# Blog Archives
## Filtering Data with L2 Regularisation
March 25, 2014
By
$Filtering Data with L2 Regularisation$
I have just finished reading Momentum Strategies with L1 Filter by Tung-Lam Dao. The smoothing results presented in this paper are interesting and I thought it would be cool to implement the L1 and L2 filtering schemes in R. We’ll start with the L2 scheme here because it has an exact solution and I will
## How Much Time to Conceive?
January 12, 2014
By
This morning my wife presented me with a rather interesting statistic: a healthy couple has a 25% chance of conception every month , and that this should result in a 75% to 85% chance of conception after a year. This sounded rather interesting and it occurred to me that it really can’t be that simple.
## Processing EXIF Data
December 15, 2013
By
I got quite inspired by the EXIF with R post on the Timely Portfolio blog and decided to do a similar analysis with my photographic database. The Data The EXIF data were dumped using exiftool. This command uses some of the powerful features of the bash shell. If you are interested in seeing more about
## Contour and Density Layers with ggmap
December 13, 2013
By
I am busy working on a project which uses data from the World Wide Lightning Location Network (WWLLN). Specifically, I am trying to reproduce some of the results from Orville, Richard E, Gary R. Huffines, John Nielsen-Gammon, Renyi Zhang, Brandon Ely, Scott Steiger, Stephen Phillips, Steve Allen, and William Read. 2001. “Enhancement of Cloud-to-Ground Lightning
## Deriving a Priority Queue from a Plain Vanilla Queue
November 25, 2013
By
Following up on my recent post about implementing a queue as a reference class, I am going to derive a Priority Queue class. Inheritance The syntax for Reference Class inheritance is quite intuitive. We need to modify only two of the methods. The most important of these is insert(), which is where all of the
## Implementing a Queue as a Reference Class
November 24, 2013
By
I am working on a simulation for an Automatic Repeat-reQuest (ARQ) algorithm. After trying various options, I concluded that I would need an implementation of a queue to make this problem tractable. R does not have a native queue data structure, so this seemed like a good opportunity to implement one and learn something about
## Iterators in R
November 13, 2013
By
According to Wikipedia, an iterator is “an object that enables a programmer to traverse a container”. A collection of items (stashed in a container) can be thought of as being “iterable” if there is a logical progression from one element to the next (so a list is iterable, while a set is not). An iterator
## Introduction to Fractals
November 3, 2013
By
A short while ago I was contracted to write a short piece entitled “Introduction to Fractals”. The article can be found here. Admittedly it is hard to do justice to the topic in less than 1000 words. Both of the illustrations were created with R. Mandelbrot Set The Mandelbrot Set image was created using the
## Percolation Threshold: Including Next-Nearest Neighbours
November 1, 2013
By
In my previous post about estimating the Percolation Threshold on a square lattice, I only considered flow from a given cell to its four nearest neighbours. It is a relatively simple matter to extend the recursive flow algorithm to include other configurations as well. Malarz and Galam (2005) considered the problem of percolation on a
## Percolation Threshold on a Square Lattice
October 29, 2013
By
Manfred Schroeder touches on the topic of percolation a number of times in his encyclopaedic book on fractals (Schroeder, M. (1991). Fractals, Chaos, Power Laws: Minutes from an Infinite Paradise. W H Freeman & Company.). Percolation has numerous practical applications, the most interesting of which (from my perspective) is the flow of hot water through
## Recent popular posts
Contact us if you wish to help support R-bloggers, and place your banner here.
# Never miss an update! Subscribe to R-bloggers to receive e-mails with the latest R posts.(You will not see this message again.)
Click here to close (This popup will not appear again)
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 1, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.30416133999824524, "perplexity": 1643.4413079310768}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.3, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2016-36/segments/1471982967797.63/warc/CC-MAIN-20160823200927-00123-ip-10-153-172-175.ec2.internal.warc.gz"}
|
http://www.computer.org/csdl/trans/tc/2004/08/t0945-abs.html
|
Subscribe
Issue No.08 - August (2004 vol.53)
pp: 945-959
ABSTRACT
<p><b>Abstract</b>—Representing the field elements with respect to the polynomial (or standard) basis, we consider bit parallel architectures for multiplication over the finite field <tmath>GF(2^{m})</tmath>. In this effect, first we derive a new formulation for polynomial basis multiplication in terms of the <it>reduction</it> matrix <tmath>{\bf Q}</tmath>. The main advantage of this new formulation is that it can be used with any field defining irreducible polynomial. Using this formulation, we then develop a generalized architecture for the multiplier and analyze the time and gate complexities of the proposed multiplier as a function of degree <tmath> m</tmath> and the <it>reduction</it> matrix <tmath>{\bf Q}</tmath>. To the best of our knowledge, this is the first time that these complexities are given in terms of <tmath>{\bf Q}</tmath>. Unlike most other articles on bit parallel finite field multipliers, here we also consider the number of signals to be routed in hardware implementation and we show that, compared to the well-known Mastrovito's multiplier, the proposed architecture has fewer routed signals. In this article, the proposed generalized architecture is further optimized for three special types of polynomials, namely, equally spaced polynomials, trinomials, and pentanomials. We have obtained explicit formulas and complexities of the multipliers for these three special irreducible polynomials. This makes it very easy for a designer to implement the proposed multipliers using hardware description languages like VHDL and Verilog with minimum knowledge of finite field arithmetic.</p>
INDEX TERMS
Finite or Galois field, Mastrovito multiplier, all-one polynomial, polynomial basis, trinomial, pentanomial and equally-spaced polynomial.
CITATION
Arash Reyhani-Masoleh, M. Anwar Hasan, "Low Complexity Bit Parallel Architectures for Polynomial Basis Multiplication over GF(2^{m})", IEEE Transactions on Computers, vol.53, no. 8, pp. 945-959, August 2004, doi:10.1109/TC.2004.47
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8832752108573914, "perplexity": 1302.7338397825467}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 20, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2014-49/segments/1416400379462.60/warc/CC-MAIN-20141119123259-00180-ip-10-235-23-156.ec2.internal.warc.gz"}
|
http://mathoverflow.net/questions/17615/is-there-a-canonical-notion-of-mod-l-automorphic-representation/17636
|
# Is there a canonical notion of “mod-l automorphic representation”?
As the title says.
In particular, I am interested in the story for a general reductive group $G$, say defined over $\mathbb{Q}$. I can imagine that mod-$\ell$ (algebraic) automorphic representation should correspond to conjugacy classes of homomorphisms from the motivic Galois group into $\widehat{G}(\overline{\mathbb{F}_\ell})$, but this does not seem like a very workable definition. Is there a more pragmatic approach?
-
This is in my mind a central open problem.
Here is an explicit example which I believe is still wide open. Serre's conjecture (the Khare-Wintenberger theorem) says that if I have a continuous odd irreducible 2-dimensional mod p representation of the absolute Galois group of the rationals then it should come from a mod p modular form. We have a perfectly good definition of mod p modular forms (sections of the usual line bundles on mod p modular curves).
But what is the "even" analogue of Serre's conjecture?
One problem is that in characteristic zero (i.e., for 2-dimensional continuous complex representations, which must have finite image) these guys are expected to come from algebraic Maass forms, which have, as far as anyone knows, no algebraic definition: they are genuinely analytic objects and it is a complete miracle that their Hecke eigenvalues are algebraic. So there's a big open problem: give an algebraic definition of an algebraic Maass form which doesn't use analytic functions on the upper half plane which are eigenvectors for the Laplacian with eigenvalue 1/4. I have no idea how to do this and I don't think that anyone else has either. The problem is that the forms are not holomorphic (so you can't use GAGA and alg geom) and they're not cohomological (so you can't use group cohomology either), and those are in some sense the only tricks we have (other than Langlands transfer, but I don't know any functorial transfer of these guys which (a) loses no information and (b) gives rise to a form which is cohomological or holomorphic). It might be an interesting PhD problem to check this out in fact. Blasius and Ramakrishnan once tried to go up to an im quad field and then to Sp_4 over Q but the resulting form isn't holomorphic. One might define an algebraic automorphic rep to be "accessible" if it's cohomological or perhaps limit of discrete series (perhaps these are the ones for which there's a chance of proving they're arithmetic), and then try and find examples of algebraic auto reps which should never transfer to an "accessible" rep on any other group.
But even after that, there's another problem, which is that as far as I know one does not expect a continuous even irreducible mod p representation of this Galois group to lift to a de Rham representation in characteristic zero (and indeed perhaps Frank Calegari might be able to give explicit counterexamples to this, after his recent observation that oddness sometimes follows from other assumptions). So even if one could give an algebraic definition of a Maass form, one wouldn't have enough Maass forms---they would all (at least conjecturally) give rise to Galois representations with images all of whose Jordan-Hoelder factors are cyclic or A_5 (by the classification of finite subgroups of PGL_2(C)). So there's another non-trivial sticking point.
In summary---nice question but I don't think that mathematics has a good answer yet (unless you're willing to just cheat and say that an automorphic representation "is" a Galois rep with some properties).
-
I'm a novice and don't understand most of what you write but I feel like there is a ton of beautiful math in your answer. – Anonymous Mar 9 '10 at 17:09
I completely agree that this is a central open problem, as the case of Maass forms illustrates. I might add, however, that the paper of Gross on "Algebraic Modular Forms" provides an excellent answer when $G$ is a reductive group which is anisotropic mod center -- analogous to the "definite quaternion algebra" case. – Marty Mar 9 '10 at 17:14
Yes absolutely. You're right in that I should have mentioned this case. Here we get a huge source of mod p automorphic forms and a big class of open questions of the form "can we attach a Galois representation to this function?". Didn't Gross and Pollack try to work out an example for G_2 or E_8 or some such thing? They could write down a form and then looked for a Galois representation and found one for which the first few Frobenii matched up perfectly. So there is a positive side to the story, which I should have mentioned. – Kevin Buzzard Mar 9 '10 at 17:17
Yes, I was motivated to ask this question after reading Gross's paper and looking at some of Emerton's papers on p-adic Langlands. Thanks for the beautiful answer, Kevin! Aren't there already strange phenomena with odd mod-2 representations (certain weights/levels which for which the rep'n doesn't come from a char. 0 modular form with that data)? – David Hansen Mar 9 '10 at 17:28
@KB: I can imagine other lifting tricks as well, for example: take an even 2-dimensional mod-p rep $\rho$, and look at $Ad(\rho) \otimes \tau$ where $\tau$ is an odd 2-dimensional mod- rep. This will be an odd 6-dimensional representation. Perhaps this guy comes from a char. zero algebraic aut rep on GL6? If $\tau$ is an induced-from-character representation it may be possible to deduce from this that $Ad(\rho)$ is automorphic. Of course, this would transfer the difficulty to the problem of proving that odd six-dimensional mod-p representations are automorphic! Ugh. – David Hansen Mar 9 '10 at 17:43
If $G$ is a connected, linear, reductive group over $\mathbb Q$, let $q_0$ be the dimension so denoted in Borel--Wallach, i.e. $q_0 = (d - l_0)/2,$ where $d = \text{dim } G_{\infty} - \text{ dim } A_{\infty}K_{\infty}$ and $l_0 = \text{rank } G_{\infty} - \text{ rank } A_{\infty}K_{\infty},$ where $G_{\infty} = G(\mathbb R)$, $K_{\infty}$ is a maximal compact subgroup of $G_{\infty}$, and $A_{\infty} = A(\mathbb R)$ with $A$ being the maximal $\mathbb Q$-split torus in the centre of $G$. (So $q_0$ is the first interesting dimension of homology in the locally symmetric arithmetic quotients attached to $G$.)
Then the inductive limit of the cohomology groups $H^{q_0}(G(\mathbb Q)\backslash G(\mathbb A)/A_{\infty}K_{\infty}K_f,\mathbb F_{\ell})$, as $K_f$ runs over all compact open subgroups of $G(\mathbb A_f)$, is an admissible smooth representation of $G(\mathbb G_f)$, which is (I believe) a reasonable substitute for a space of mod $\ell$ automorphic forms.
In the case when $G$ satifies the conditions of Gross's "Algebraic modular forms" paper, $q_0 = 0$, the locally symmetric quotients are just finite sets, and this is precisely the space of mod $\ell$ algebraic modular forms.
This doesn't deal with Kevin's problems; this space will (conjecturally) only contain automorphic forms whose systems of Hecke eigenvalues correspond to odd Galois representations. Nevertheless, it is a space, and one can (and does) try to work with it.
-
Right! So this definition massively generalises Gross, and is the best we have, but in some sense the "problem" with it is that it's only interpolating cohomological forms so it can only see representations which are in some sense limits of cohomological forms. On the other hand, as Emerton has been showing over the last few years, these spaces are so rich that we shoulid currently be counting our blessings (e.g. we now have proofs of cases of Fontaine-Mazur etc) rather than moaning that we're not seeing any even Galois representations for GL_2. – Kevin Buzzard Mar 9 '10 at 18:48
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8916248083114624, "perplexity": 346.4256894422549}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2016-26/segments/1466783397562.76/warc/CC-MAIN-20160624154957-00198-ip-10-164-35-72.ec2.internal.warc.gz"}
|
https://www.ias.ac.in/listing/bibliography/jess/Z._A._Khan
|
• Z A Khan
Articles written in Journal of Earth System Science
• Application of Markov chain and entropy analysis to lithologic succession – an example from the early Permian Barakar Formation, Bellampalli coalfield, Andhra Pradesh, India
A statistical approach by a modified Markov process model and entropy function is used to prove that the early Permian Barakar Formation of the Bellampalli coal field developed distinct cyclicities during deposition.From results,the transition path of lithological states typical for the Bellampalli basin is as:coarse to medium-grained sandstone $\longrightarrow$ interbedded fine-grained sandstone/shale $\longrightarrow$ shale $\longrightarrow$ coal and again shale.The majority of cycles are symmetrical but asymmetrical cycles are present as well.The chi-square stationarity test implies that these cycles are stationary in space and time.The cycles are interpreted in terms of in-channel,point bar and overbank facies association in a fluvial system.The randomness in the occurrence of facies within a cycle is evaluated in terms of entropy,which can be calculated from the Markov matrices.Two types of entropies are calculated for every facies state;entropy after deposition 𝐸 (post)and entropy before deposition 𝐸(pre),which together form entropy set;the entropy for the whole system is also calculated.These values are plotted and compared with Hattori ’s idealized plots,which indicate that the sequence is essentially a symmetrical cycle (type-B of Hattroi).
The symmetrical cyclical deposition of early Permian Barakar Formation is explained by the lateral migration of stream channels in response to varying discharge and rate of deposition across the alluvial plain.In addition,the fining upward cycles in the upper part enclosing thick beds of fine clastics,as well as coal may represent differential subsidence of depositional basin.
• Paleochannel and paleohydrology of a Middle Siwalik (Pliocene) fluvial system, northern India
Late Cenozoic fresh water molasses sediments (+6000 m thick) deposited all along the length of the Himalayan fore deep, form the Siwalik Supergroup. This paper reports the results of the paleodrainage and paleohydrology of the Middle Siwalik subgroup of rocks, deposited in non-marine basins adjacent to a rising mountain chain during Pliocene. Well-exposed sections of these rocks have provided adequate paleodrainage data for the reconstruction of paleochannel morphology and paleohydrological attributes of the Pliocene fluvial system.
Cross-bedding data has been used as inputs to estimate bankfull channel depth and channel sinuosity of Pliocene rivers. Various empirical relationships of modern rivers were used to estimate other paleohydrological attributes such as channel width, sediment load parameter, annual discharge, and channel slope and flow velocity. Computed channel depth, channel slope and flow velocity are supported independently by recorded data of scour depth, cross-bedding variability and Chezy’s equation.
The estimates indicate that the Middle Siwalik sequence corresponds to a system of rivers, whose individual channels were about 400 m wide and 5.2–7.3 m deep; the river on an average had a low sinuous channel and flowed over a depositional surface sloping at the rate of 53 cm/km. The 700-km long Middle Siwalik (Pliocene) river drained an area of 42925 km2 to the north–northeast, with a flow velocity of 164–284 cm/s, as it flowed generally south–southwest of the Himalayan Orogen. Bed-load was about 15% of the total load of this river, whose annual discharge was about 346–1170 m3/s normally and rose to approximately 1854 m3/s during periodic floods. The Froude number of 0.22 suggests that the water flows in the Pliocene river channels were tranquil, which in turn account for the profuse development of cross-bedded units in the sandstone. The estimated paleochannel parameters, bedding characteristics and the abundance of coarse clastics in the lithic fill are rather similar to the modern braided rivers of Canada and India such as South Saskatchewan and Gomti, respectively.
• Journal of Earth System Science
Volume 131, 2022
All articles
Continuous Article Publishing mode
• Editorial Note on Continuous Article Publication
Posted on July 25, 2019
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.6442679166793823, "perplexity": 9753.74422316884}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 20, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-21/segments/1652662521041.0/warc/CC-MAIN-20220518021247-20220518051247-00795.warc.gz"}
|
https://stats.stackexchange.com/questions/14204/varying-group-coefficients-in-lme4
|
# Varying group coefficients in lme4
All,
I am estimating a multilevel logistic regression with group predictors, but am unclear about some of the advice given by Gelman and Hill (2007) in their book. Therein, they recommend allowing every coefficient to possibly vary, given a large enough N. Does that include group predictors as well? They weren't clear, treating "varying slope" as just another complexity you can incorporate into a mixed effects model in lme4 along with group predictors (see: p. 549 in their book).
For example, I have roughly 50,000 observations with a binary response (plenty large N). Predictors exist at two levels, such that my model looks like:
M1 <- lmer(Y ~ X1 + X2 + X3 + X4 + G1 + G2 + G3 + G4 + (1 | group), family=binomial(link="logit"))
X1:X4 are individual-level predictors and G1:G4 are group-level predictors, thus: a multilevel model. Does their recommendation of treating all coefficients as potentially variable mean including even the group predictors within the random effect, such that:
M2 <- lmer(Y ~ X1 + X2 + X3 + X4 + G1 + G2 + G3 + G4 + (1 + X1 + X2 + X3 + X4 + G1 + G2 + G3 + G4 | group), family=binomial(link="logit"))
I ran M2 and it gave sensible estimates. AIC/BIC suggest much better fit than M1. I'm just unsure if it's appropriate since, unlike individual-level predictors, the group-level predictors are not going to vary in a given group. It will obviously vary across groups, though.
Further, if this is not an incorrect way to approach it, how suspicious should I be if one of the group predictors of interest is statistically insignificant as a stand-alone fixed effect (varying intercept model like M1), but is significant as a fixed effect in a varying slope model like M2?
Thanks for any input and feedback on this topic. I really appreciate it.
First of all, AIC/BIC do not make sense in mixed models. I mean, if you can explain what your $n$ that goes into your BIC is (number of groups? number of observations? something in between? how about level 1 and level 2 variables that obviously have different amount information in them?)... So I wouldn't pay any attention to these.
Second, I am surprised your model with the random effects for group level variables was identified at all. Let us think about an extreme case: a binary group level variable in the a model lmer(Y ~ X + G + (1 + X + G| group). What is it that it describes? That a group has an additional random shift when G==1, i.e., group-level heteroskedasticity. So that appears to be something rather odd to estimate.
So all in all, I would run this as
M2 <- lmer(Y ~ X1 + X2 + X3 + X4 + G1 + G2 + G3 + G4 + (1 + X1 + X2 + X3 + X4 | group), family=binomial(link="logit"))
i.e., only with an individual level covariates having random effects assigned to them.
Its better, I think, that you write your model first, then we can get how to estimate it in R.
Do you wanna the slope of your model to vary by group? And do you think that the second level predictors (ie. predictors at the group level) can be used to predict the varying slopes? If both answers are yes, here how (I think) you can estimate it in R (i'm not 100% sure about this. I just take a look at the book, at chapter 14):
Assuming only one predictor at level one (for the sake of simplicity) and one predictor at level two, and that the second level is given by group:
Model:
$Pr(y_{i}=1) = a + b_{j}*x_{1}$
$b_{j} = \gamma_{0} + \gamma_{1}*g_{1} + e_{j}$
In r:
glmer(y ~ x1 + (x1+0|group) + g1, family=binomial)
As you can see, the difference from your code is that g1 doesn't go within the random effects. You have to expand them to the individual data level to fit the model.
It happens that in cases like this, it's probably better to use a fully Baysian modeling (using WinBugs, Jags or alike), because in this setting I think you can't model properly the second level.
I hope it helps.
• The model you've written there is not the model you fit with your call to glmer(). – Macro Jun 22 '12 at 0:45
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.5827425122261047, "perplexity": 1030.2623368139107}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2019-51/segments/1575540555616.2/warc/CC-MAIN-20191213122716-20191213150716-00050.warc.gz"}
|
http://math.stackexchange.com/questions/212058/eigen-values-of-sum-of-negative-definite-matrix-and-a-rank-one-positive-semidefi
|
Eigen Values of Sum of Negative Definite Matrix and a rank-one Positive SemiDefinite Matrix , i.e. ($A+xx^{H}$)
Assume all matrices I discuss about are complex $N\times N$ matrices. I have a negative definite hermitian matrix $A$ whose eigen values are $(-c\lambda ,-\lambda,\ldots-\lambda)$ where $c$ and $\lambda$ are positive constants. I also have a rank one positive semi-definite hermitian Matrix $xx^{H}$ (whose eigen values clearly are $(||x||^{2},0,0...0)$. I am familiar with weyl's inequalities. I was wondering if one can find a exact formula for the eigen values of the matrix $B=A+xx^{H}$.
EDIT---
(thanks to users @adamW and @David) I have been able to reduce the problem to a seemingly simple one. There is a diagonal matrix $D$ such that all its entries are zero except for the one in the $(1,1)^{th}$ position, say $D(1,1)=c$ (hence eigen values are $(c,0,\ldots,0)$. I have another rank one positive-semi definite matrix $xx^H$ (again, whose eigen values clearly are $(||x||^{2},0,0...0)$. Even now I can't seem to find a clear solution for this seemingly simple problem. To put everything in perspective, I have the following matrix
\begin{align} B &=D+xx^H \\ D &= \left[ \begin{array}{cccc} c & 0 & \ldots & 0 \\ 0 & 0 & \ldots & 0 \\ \ldots & 0 & 0 & 0 \\ 0 & \dots & 0 & 0 \end{array} \right] \end{align}
what are the eigen values of $B$
-
We can write $A=PDP^H$ and $x=Py$ for some $y$, where $P$ is unitary and $D$ is diagonal. – Davide Giraudo Oct 13 '12 at 9:34
So the question should boil down to the eigen values of $D+y*y^{H}$ ie sum of a diagonal matrix and a rank-one matrix, is that what you wanted to point out (leaving the rest for me to figure out:):))? – dineshdileep Oct 13 '12 at 9:41
There is an exact formula, it is a polynomial of the full degree $N$, so it is not a reduction in the problem. That it looks simpler in the form $D+yy^H$ is about it. – adam W Oct 13 '12 at 11:34
@adamW I guess you are talking about the characteristic equation. I have no utility with it (ofcourse, no chance for N>5). I want to find a solution in terms of $c$, $\lambda$ and (||x||^2). Now I guess if you add a scalar multiple of Identity Matrix to a hermitian matrix, every eigen value gets added by the same scalar. Now the matrix I consider have all diagonal entries same except for the first one. So I was wondering if we could find a exact solution as we have for the case of scaled identity matrix. – dineshdileep Oct 13 '12 at 18:57
Yes, I can fully understand the idea that it seems so close to being that simple, but the fact is that changing even one element of the identity matrix changes its spectrum, and things just aren't nice anymore, even though intuition might speak to otherwise. I hope someone does give you a good answer here, I would like to see it myself. – adam W Oct 14 '12 at 0:40
The two matrices play more symmetric roles in this than is apparent from your formulation. We can state the problem more symmetrically and basis-independently as finding the eigensystem of
$$B=xx^H+yy^H\;,$$
where your formulation arises if we choose a basis in which $y$ is the first basis vector.
Choose a basis in which the first two basis vectors span $x$ and $y$, and solve the resulting two-dimensional eigenvalue problem exactly.
-
Do you mean to say that, I need to find a orthonormal basis whose first two vectors span $x$ and $y$ and hence find a decomposition for $B$ in terms of those vectors. Thus the eigen values will be the co-efficients in the rank-one decomposition of $B$ in terms of this orthonormal vectors. Seems like straight forward. I will try it and let you know. – dineshdileep Oct 14 '12 at 7:10
@dineshdileep: Yes, that's what I mean. – joriki Oct 14 '12 at 9:06
The original question (before the edit) involves a full rank matrix (specifically it is similar to $-\lambda \mathbf{I} + \vec{e_0}(\lambda-c\lambda) \vec{e_0}^T$ or in words the identity with the corner adjusted to be $-c$). Finding a rank one update to that is the same problem as the general rank one update for a full rank matrix. I believe they call it something different than the characteristic formula when talking rank one updates (but from what I read and understood it is a full scale polynomial also, just with poles as well as zeros).
Your after edit version involves a lesser rank, so if indeed that is the problem of interest, it is as easy as the 2nd order polynomial-- it is of rank two, your matrix $B = D +xx^H$.
Try this: if $B = yy^T + xx^T$ then solve for the eigenvectors a combination of the two (since any orthogonal to both $x$ and $y$ are obviously with eigenvalue of zero) $$\pmatrix{ax^T + by^T \\ cx^T + dy^T}(yy^T + xx^T) = \pmatrix{\lambda_0 & 0\\0 & \lambda_1}\pmatrix{ax^T + by^T \\ cx^T + dy^T}$$
A side note, a rank two matrix may be written as $\pmatrix{x & y}\pmatrix{a & b \\ c & d}\pmatrix{x^T\\ y^T}$ and what is left to diagonalize is the $2 \times 2$ matrix $\pmatrix{a &b \\ c & d}$
-
Yes it was indeed the way you showed, that the problem can be reduced. We skip the identity matrix portion from the $-\lambda \mathbf{I} + \vec{e_0}(\lambda-c\lambda) \vec{e_0}^T$, Hence we get the diagonal matrix with entry only in one corner. We can skip the identity matrix because adding a scaled identity matrix is equivalent to adding to every eigen value that same scale. Hence we have the reduced problem to find the eigen value of the problem after the EDIT. I will definitely try what you suggested and let you know. – dineshdileep Oct 15 '12 at 2:26
That is called deflating the problem, when some eigenvalue(s) is(are) known. Maybe I was wrong to not consider that from your original problem statement. But a rank one update is not generally nice. Here it must fit with your original spectrum I think? – adam W Oct 15 '12 at 12:37
Ah, I see, the deflation was indeed huge here, with the repeated $\lambda$! That has a large dimensional spectrum that can act nicely! – adam W Oct 15 '12 at 13:27
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 1, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 1, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9823468923568726, "perplexity": 172.140182912118}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-18/segments/1429246640124.22/warc/CC-MAIN-20150417045720-00237-ip-10-235-10-82.ec2.internal.warc.gz"}
|
http://www.ctan.org/tex-archive/macros/latex/contrib/koma-script/
|
# Directory tex-archive/macros/latex/contrib/koma-script
KOMA-Script 2013/12/19 v3.12
Copyright (c) Markus Kohm <komascript(at)gmx.info>, 1994-2013
This material is subject to the LaTeX Project Public License. See
lppl.txt (english) or lppl-de.txt (german) for the details of that
--------------------------------------------------------------------
KOMA-Script is a versatile bundle of LaTeX2e document classes and
packages. It aims to be a replacement to the standard LaTeX2e
classes. KOMA-Script does not stop with the features known from the
standard classes, but it extends the possibilities in order to
provide the user an almost complete working environment.
--------------------------------------------------------------------
For installation see INSTALL.txt (english) or INSTALLD.txt
(german, UTF-8).
--------------------------------------------------------------------
Classes and Packages:
==============================================================================
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scraddr is a LaTeX package of the KOMA-Script bundle.
scrlttr2 uses adr-files to provide circuit letters. Package
data of the address entries not only with scrlttr2 class and
not only for circuit letters.
Requires:
State: Author maintained
Version: 2013/09/30 v1.1c
==============================================================================
scrartcl - versatile class may be used as a drop-in replacement of article
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrartcl is a LaTeX class of the KOMA-Script bundle. It is
the KOMA-Script drop-in replacement of LaTeX standard class
article. It provides all options, environments, counters,
lengths and commands of the LaTeX standard class article, but
also several additional options, environments, commands
etc. to make it much more versatile. The default layout of
scrartcl differs from article with emphasis on typography.
Nevertheless by changing the defaults a layout very similar to
the layou of the standard class may be accomplished.
Requires: scrkbase - internal KOMA-Script package
tocbasic - KOMA-Script package
typearea - KOMA-Script package
State: Author maintained
Version: 2013/12/19 v3.12
==============================================================================
scrbase - basic features for KOMA-Script, e.g. conditionals and key=value
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrbase is a LaTeX package of the KOMA-Script bundle. It
provides some basic functions used by KOMA-Script, that may be
used as well by authors and users of other classes and
packages.
First of all it provides an extended key=value handling, that
may be used for run-time options of classes and packages.
Several packages of a family may share options and all the
options of one family may be changed with a single command.
\ifVTeX, \ifpdfoutput, \ifstr etc. are provided. Definition
of most of them may be prevented from being defined and have
additional internal representations, that may be used by
package or class authors.
It also provides commands to easily define or change language
dependent terms and that work not only with babel but with
other packages like ngerman too.
It provides some commands for package and class authors
missing in the LaTeX kernel like \ClassInfoNoLine,
Last but not least it provides commands for integer division
and integer modulo operation, that may be used e.g. inside
\numexpr ...\relax or with \ifnum.
Requires: keyval - key=value package from the graphics bundle
State: Author maintained
Version: 2013/12/19 v3.12
==============================================================================
scrbook - versatile class may be used as a drop-in replacement of book
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrbook is a LaTeX class of the KOMA-Script bundle and a
drop-in replacement of LaTeX standard class book. It provides
all options, environments, commands, etc. of the LaTeX
standard class book, but also several additional options,
environments, commands etc. to make it much more versatile.
The default layout of scrbook differs from book with emphasis
on typography. Nevertheless by changing the defaults
a layout very similar to the layou of the standard class may
be accomplished.
Requires: scrkbase - internal KOMA-Script package
tocbasic - KOMA-Script package
typearea - KOMA-Script package
State: Author maintained
Version: 2013/12/19 v3.12
==============================================================================
scrdate - calender date operations, e.g. calculation of the day of the week
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrdate is a LaTeX package of the KOMA-Script bundle. It
provides several operations with calender dates, e.g. show the
century or the decade of a year, calculate the day of the week
of a given calender date, show the current calender date in
ISO form. It has support for several languages, like English,
German, French, Italian, Spanish, Croatian, Finnish, Norsk,
Swedish, and Danish.
Requires: scrbase - KOMA-Script package for some basic features.
State: Author maintained
Version: 2011/03/31 v3.08b
==============================================================================
scrdoc - internal source documentation class of KOMA-Script
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrdoc is an internal LaTeX class of the KOMA-Script bundle.
It is an extension of ltxdoc. KOMA-Script uses scrdoc for
the implementation documentation and the documentation of
packages, that aren't KOMA-Script core packages. Currently
there isn't any user manual for this class, because the only
user is the KOMA-Script maintainer.
Requires: ltxdoc - the LaTeX2e source documentation class
scrartcl - the KOMA-Script article class
State: Author maintained
Version: 2003/01/19 v0.1d
==============================================================================
scrextend - make some features of the KOMA-Script classes available for others
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrextend is a LaTeX package of the KOMA-Script bundle. It
makes some features of the KOMA-Script classes available for
other classes, i.e. for the standard classes.
Requires: scrkbase - internal package with some basics of KOMA-Script
etoolbox - tool-box for LaTeX programming using e-TeX
State: Author maintained
Version: 2013/12/19 v3.12 KOMA-Script KOMA-Script package (extend other classes with features of
==============================================================================
scrfontsizes - package to generate a KOMA-Script font size file
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrfontsizes is a LaTeX package of the KOMA-Script bundle. It
provides only a very simple interface to generate KOMA-Script
font size files.
Requires: scrextend - some KOMA-Script features for other classes
State: Author maintained
Version: 2013/12/19 v3.12
==============================================================================
scrhack - patch some isues with other packages
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrhack is a LaTeX package of the KOMA-Script bundle. It
patches other packages to make them work better, add new
features to them and to improve their interaction with
KOMA-Script. One main feature is, to make them work with
tocbasic instead of the KOMA-Script's deprecated float list
interface. Currently patches for float.sty, floatrow.sty,
(old versions of) hyperref, and listings are available.
Requires: scrkbase - internal KOMA-Script package with basics
tocbasic - features for helper files and float environments
State: Author maintained
Version: 2013/12/19 v3.12
==============================================================================
scrjura - contract environment for advocates and scholary persons in law
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrjura is a LaTeX package of the KOMA-Script bundle. It
has been made on copperation with a German lawyer to provide
environments for contracts, laws, acts or other juristic
puposes. It supports automatic numbering of paragraphs and
semi-automatic numbering of sentences. Currently German and
English are supported, but unfortunately there's only a German
user manual.
Requires: scrkbase - internal KOMA-Script package with basics
tocbasic - features for helper files and float environments
State: Author maintained
Version: 2013/11/04 v0.7
==============================================================================
scrkbase - internal basic features for KOMA-Script classes and packages
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrkbase is an internal KOMA-Script packages, that provides
some features that are common for several KOMA-Script classes
and packages. Users and class or package authors should not
use the package directly.
Requires: scrbase - KOMA-Script package for some basic features.
State: Author maintained
Version: 2013/12/19 v3.12
==============================================================================
scrlayer-notecolumn - control note columns parallel to the main text
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrlayer-notecolumn is a LaTeX package of the KOMA-Script
bundle. It provides a end user interface to above scrlayer,
to define and manage note columns. Those note columns are
somehow similar to margin note (see LaTeX command \marginpar
or packages like notecolumn), but you may use several of them.
The package provides page breaks inside note columns and
synchronization points between the main text and note columns.
Like most of the KOMA-Script packages you may use this package
not only with KOMA-Script classes but with several other
classes, e.g., the LaTeX standard classes too.
Requires: scrlayer.sty
State: Author maintained, proof of concept
Version: 15/11/2013 v0.1.1514 package (end user interface for scrlayer)
==============================================================================
scrlayer-scrpage - controlling page headers and footers
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrlayer-scrpage is a LaTeX package of the KOMA-Script bundle.
It provides a end user interface to above scrlayer, to define
and manage page styles. This end user interface is as much
compatible to scrpage2, that users should easily be able to
switch from the old scrpage2 package to the new one.
Nevertheless it provides several new features to control the
Like most of the KOMA-Script packages you may use this package
not only with KOMA-Script classes but with several other
classes, e.g., the LaTeX standard classes too.
Requires: scrlayer.sty
State: Author maintained
Version: 14/12/2013 v0.9.1548 package (end user interface for scrlayer)
==============================================================================
scrlayer - defining layers and controlling page headers and footers
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrlayer is a LaTeX package of the KOMA-Script bundle. Users
may already know a kind of layers from packages like eso-pic
or textpos. scrlayer is another package, that provides
background and foreground layers, but in difference to those
other packages, these layers are part of the page style
definition. With this you may simply switch between usage of
layers by switching the page style.
In short words: The page style interface of scrlayer provides
commands to define layer-stack-based page styles and to manage
those layer stacks.
Nevertheless using the layers directly is recommended for
advanced users only. End user interfaces for beginners or
scrlayer on their own, e.g., scrlayer-scrpage.
Requires: scrkbase.sty
State: Author maintained
Version: 31/10/2013 v0.9.1480 package (defining layers and page styles)
==============================================================================
scrlfile - control of package dependencies
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrlfile is a LaTeX package of the KOMA-Script bundle. It
files, classes, or packages by other files, classes, or
packages. It can also prevent a package from beeing loaded.
It also provides execution of commands before or after closing
the main aux-file while \end{document}. Is has been used by
the KOMA-Script classes for more than a decade.
Requires:
State: Author maintained
Version: 2013/12/19 v3.12
==============================================================================
scrlttr2 - versatile letter class with separation of text area and note paper
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrlttr2 is a letter class for LaTeX2e that allows definition
of several note papers and text area settings, that are
independent from the note paper. So you may not only use
KOMA-Script package typearea to define the text area and the
margins of the text area, but even packages like geometry.
The positions of the elements of the note paper may be changed
by so called pseudo lengths. This makes it not only possible
to adjust scrlttr2 to local conventions, norms and paper sizes
but also to a wanted corporate identity.
Several predefined parameter sets, called letter class option
or lco-files, are for two German letters, Swiss letters, US
letters, Japanese letters, and French letters are part of the
KOMA-Script bundle. More may be found on CTAN or the
KOMA-Script homepage as separate packages.
Additional lco-files for different note papers may be found on
the KOMA-Script homepage, e.g. one demonstration file for a
note paper similar to the one of the Washington State
University.
Requires: scrkbase - internal KOMA-Script package
typearea - KOMA-Script package
Recommended: marvosym - package by Martin Vogel providing symbols
State: Author maintained
Version: 2013/12/19 v3.12
==============================================================================
scrpage2 - control of page headers and footers
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrpage2 is a LaTeX package of the KOMA-Script bundle. It
provides facilities for changing the contents of page headers
and footers. You may either configure a predefined pair or
plain, use a simple user interface to define completely new
page styles or a more complex expert interface to have more
effective degrees of freedom in defining new page styles.
scrpage2 also provides simple options and commands to decide,
e.g., whether or not the running heads should be done
automatically, which headings levels should generate automatic
running heads, whether or not there should be horizontal lines
above or below the page headers and footers, to change the
colour or font of the page headers and footers (and the
lines) and more.
Requires:
State: Author maintained
Version: 2013/12/19 v3.12
==============================================================================
scrreprt - versatile class may be used as a drop-in replacement of report
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrreprt is the KOMA-Script drop-in replacement of LaTeX
standard class report. It provides all options, environments,
counters, lengths and commands of the LaTeX standard class
report, but also several additional options, environments,
commands etc. to make it much more versatile.
The default layout of scrreprt differs from report with
emphasis on typography. Nevertheless by changing the defaults
a layout very similar to the layou of the standard class may
be accomplished.
Requires: scrkbase - internal KOMA-Script package
tocbasic - KOMA-Script package
typearea - KOMA-Script package
State: Author maintained
Version: 2013/12/19 v3.12
==============================================================================
scrtime - show the time of the LaTeX run
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrtime is a LaTeX package of the KOMA-Script bundle. It
provides only some tiny facilities to show the time of the
LaTeX run.
Requires: scrkbase - internal package with some basics of KOMA-Script
State: Author maintained
Version: 2011/03/31 v3.08b
==============================================================================
scrwfile - Spare write handles for helper files to avoid No room' messages
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: scrwfile is a LaTeX package of the KOMA-Script bundle. TeX
provides only about 16 write handles available by \newwrite.
With LaTeX not only the aux-file but each helper file like the
toc-file, the lof-file, the lot-file and files like raw
indexes and raw glossaries need one of those handles.
scrwfile provides facilities to avoid all the handles of the
helper files, that use the aux-file for intermediate writing.
This means, that toc-file, lof-file, lot-file and files of
packages like listings don't need a write handle anymore. So
the user will have more write handles for files like indexes
or glossaries and may avoid No room for new \write' error
messages.
scrwfile also provides facilities to clone helper files, e.g.,
this may be used to have two tables of contents with different
tocdepth settings.
Requires: scrbase - some basic features for class and package authors
tocbasic - basic features for helper files and lists of floats
scrlfile - control of package dependencies
State: Author maintained
Version: 2013/08/05 v0.1f-alpha LaTeX2e
==============================================================================
tocbasic - Management of tables and lists of contents using helper files
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: tocbasic is a LaTeX package of the KOMA-Script bundle. The
main purpose of package tocbasic is to provide features for
authors of classes and packages to create own tables or lists
of contents like the list of figures and the list of tables
and thereby allow other classes or packages some types of
controll about these. For examples package tocbasic delegates
language control of all these tables and lists of contents to
package babel. So automatic change of language will be
provides inside all these tables and lists of contents. Using
tocbasic will exculpate authors of classes and packages from
implementation of such features.
KOMA-Script itself uses tocbasic not only for the table of
contents but also for the already mentioned lists of figures
and tables.
Requires: keyval - key=value interface of the graphics bundle
State: Author maintained
Version: 2013/12/19 v3.12
==============================================================================
------------------------------------------------------------------------------
Maintainer: Markus Kohm
E-Mail: komascript at gmx info
Abstract: tocstyle is a LaTeX package of the KOMA-Script bundle. While
the main classes of the KOMA-Script bundle were made, there
lists of floats, but almost none of them where
implemented. One reason was, that the KOMA-Script author
didn’t like to change the LaTeX kernel at a class, because
this may result in serveral problems with other packages. The
package tocstyle will fill the gap. If it conflicts with
another package, you simply may decide not to use it.
The current release is only a proof of concept.
Requires:
State: Unstable
Version: 2013/08/11 v0.2e-alpha LaTeX2e
==============================================================================
Name Notes
doc
## Files
Name Size Date Notes
ChangeLog 237528 2013-12-19 09:03
ChangeLog.2 96496 2013-12-19 09:03
INSTALL.txt 6307 2013-12-19 09:03
INSTALLD.txt 6424 2013-12-19 09:03
Makefile 16276 2013-12-19 09:03
Makefile.baseinit 8152 2013-12-19 09:03
Makefile.baserules 4104 2013-12-19 09:03
VERSION 29 2013-12-19 09:03
japanlco.dtx 11077 2013-12-19 09:03
komabug.tex 29553 2013-12-19 09:03
lppl-de.txt 25055 2013-12-19 09:03
lppl.txt 19110 2013-12-19 09:03
manifest.txt 18757 2013-12-19 09:03
scrbeta.dtx 5858 2013-12-19 09:03
scrdoc.dtx 12972 2013-12-19 09:03
scrdocstrip.tex 9995 2013-12-19 09:03
scrextend.dtx 7410 2013-12-19 09:03
scrhack.dtx 36257 2013-12-19 09:03
scrjura.dtx 75101 2013-12-19 09:03
scrkernel-basics.dtx 100072 2013-12-19 09:03
scrkernel-bibliography.dtx 22531 2013-12-19 09:03
scrkernel-circularletters.dtx 5090 2013-12-19 09:03
scrkernel-compatibility.dtx 16548 2013-12-19 09:03
scrkernel-floats.dtx 54059 2013-12-19 09:03
scrkernel-fonts.dtx 71088 2013-12-19 09:03
scrkernel-footnotes.dtx 20664 2013-12-19 09:03
scrkernel-index.dtx 11317 2013-12-19 09:03
scrkernel-language.dtx 58199 2013-12-19 09:03
scrkernel-letterclassoptions.dtx 48745 2013-12-19 09:03
scrkernel-listsandtabulars.dtx 16008 2013-12-19 09:03
scrkernel-listsof.dtx 33982 2013-12-19 09:03
scrkernel-miscellaneous.dtx 19456 2013-12-19 09:03
scrkernel-notepaper.dtx 128010 2013-12-19 09:03
scrkernel-pagestyles.dtx 28774 2013-12-19 09:03
scrkernel-paragraphs.dtx 24358 2013-12-19 09:03
scrkernel-pseudolengths.dtx 8302 2013-12-19 09:03
scrkernel-sections.dtx 110846 2013-12-19 09:03
scrkernel-title.dtx 29191 2013-12-19 09:03
scrkernel-typearea.dtx 95132 2013-12-19 09:03
scrkernel-variables.dtx 11700 2013-12-19 09:03
scrkernel-version.dtx 6143 2013-12-19 09:03
scrlayer-notecolumn.dtx 70332 2013-12-19 09:03
scrlayer-scrpage.dtx 110440 2013-12-19 09:03
scrlayer.dtx 192490 2013-12-19 09:03
scrlfile.dtx 46910 2013-12-19 09:03
scrlogo.dtx 3708 2013-12-19 09:03
scrmain.ins 16854 2013-12-19 09:03
scrpage.dtx 76675 2013-12-19 09:03
scrsource.tex 4863 2013-12-19 09:03
scrstrip.inc 4434 2013-12-19 09:03
scrstrop.inc 2545 2013-12-19 09:03
scrtime.dtx 21588 2013-12-19 09:03
scrwfile.dtx 28614 2013-12-19 09:03
tocbasic.dtx 115469 2013-12-19 09:03
tocstyle.dtx 74509 2013-12-19 09:03
Download the contents of this package in one zip archive (6.9M).
## koma-script – A bundle of versatile classes and packages
The KOMA-Script bundle provides replacements for the article, report, and book classes with emphasis on typography and versatility. There is also a letter class.
The bundle also offers:
• a package for calculating type areas in the way laid down by the typographer Jan Tschichold,
• a package for easily changing and defining page styles,
• a package scrdate for getting not only the current date but also the name of the day, and
• a package scrtime for getting the current time.
All these packages may be used not only with KOMA-Script classes but also with the standard classes.
Since every package has its own version number, the version number quoted only refers to the version of scrbook, scrreprt, scrartcl, scrlttr2 and typearea (which are the main parts of the bundle).
Package Details koma-script Home page http://www.komascript.de/ Version 3.12 2013-12-19 License The LaTeX Project Public License 1.3 Copyright 1994-2013 Markus Kohm Maintainer Markus Kohm TDS archive koma-script.tds.zip Contained in TeXlive as koma-script MikTeX as koma-script Topics typesetting letters, envelopes, faxes, etc page head- and foot-lines change geometry of page layout preparing a book for publication alternative LaTeX class(es) See also scrartcl scrbook
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.6855379939079285, "perplexity": 28531.516190972103}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2014-42/segments/1413558067075.78/warc/CC-MAIN-20141017150107-00104-ip-10-16-133-185.ec2.internal.warc.gz"}
|
https://ask.openstack.org/en/question/90845/what-happens-if-two-vms-in-the-same-host-communicate-via-network-will-it-consume-network-bandwidth/?sort=latest
|
# What happens if two VMs in the same host communicate via network? Will it consume network bandwidth? edit
Hi,
If two VMs running on the same host communicate (i.e. sending large files) via network, does it actually consume the network bandwidth?
edit retag close merge delete
Sort by » oldest newest most voted
Hi Skyo,
I Feel its completely depend on you configuration.
1. if you have booted both the VMs on same network, both will be connected to same software L2 switch no network bandwidth will be consumed.
2. if you booted both the VMs on different network,it should go to neutron controller to resolve the VM location/address but if neutron and host(and VMs on it) on same location and network dont think any bandwidth is consumed
more
@kumar lakshman kumar, thanks for your answer. In the case of 1 (both the VMs are booted on same network), are they affected by the quota (i.e. quot:vif_inbound_average)?
( 2016-04-17 00:11:05 -0600 )edit
@kumar lakshman kumar wrote :- if you booted both the VMs on different network,it should go to neutron controller to resolve the VM location/address
In case of VXLAN tunneling deployment I would follow https://assafmuller.com/2014/05/21/ov...
Assuming ML2 + OVS >= 2.1:
Turn on GRE or VXLAN tenant networks as you normally would
Enable l2pop
On the Neutron API node, in the conf file you pass to the Neutron service (plugin.ini / ml2_conf.ini):
[ml2]
mechanism_drivers = openvswitch,l2population
On each compute node, in the conf file you pass to the OVS agent (plugin.ini / ml2_conf.ini):
[agent]
l2_population = True
Enable the ARP responder: On each compute node, in the conf file you pass to the OVS agent (plugin.ini / ml2_conf.ini):
[agent]
arp_responder = True
As far as I understand suggested above configuration for Neutron (API) Server (on Controller) and Neutron-openvswitch-agent running on Compute will result catching arp broadcast request issued by VM1 and respond to it via pre-populated arp-tables located on the same Compute Node due to L2POP&&ARP Responder architecture design
more
It depends on your configuration.In Vlan tagging deployment : If you have 2 vms, which belong the same tenant and are on the same physical host then all the packets are tagged with a local vlan tag (fe 2) and hence when the packets reach the br-int they are just forwarded to the right host . without getting outside the physical host. I am pretty sure something similar happens if you have GRE or VxLAn. I dont know about FlatDchp configurations
more
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.2571567893028259, "perplexity": 8690.805555254787}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2020-10/segments/1581875145529.37/warc/CC-MAIN-20200221111140-20200221141140-00057.warc.gz"}
|
https://codefinance.training/programming-topic/mathematical-methods/levy-processes/
|
In probability theory, a Lévy process, named after the French mathematician Paul Lévy, is a stochastic process with independent, stationary increments: it represents the motion of a point whose successive displacements are random, in which displacements in pairwise disjoint time intervals are independent, and displacements in different time intervals of the same length have identical probability distributions. A Lévy process may thus be viewed as the continuous-time analog of a random walk.
The most well known examples of Lévy processes are the Wiener process, often called the Brownian motion process, and the Poisson process. Further important examples include the Gamma process, the Pascal process, and the Meixner process. Aside from Brownian motion with drift, all other proper (that is, not deterministic) Lévy processes have discontinuous paths. All Lévy processes are additive processes.[1]
## Mathematical definition
A stochastic process is said to be a Lévy process if it satisfies the following properties:
1. almost surely;
2. Independence of increments: For any , are mutually independent;
3. Stationary increments: For any , is equal in distribution to
4. Continuity in probability: For any and it holds that
If is a Lévy process then one may construct a version of such that is almost surely right-continuous with left limits.
## Properties
### Independent increments
A continuous-time stochastic process assigns a random variable Xt to each point t ≥ 0 in time. In effect it is a random function of t. The increments of such a process are the differences XsXt between its values at different times t < s. To call the increments of a process independent means that increments XsXt and XuXv are independent random variables whenever the two time intervals do not overlap and, more generally, any finite number of increments assigned to pairwise non-overlapping time intervals are mutually (not just pairwise) independent.
### Stationary increments
To call the increments stationary means that the probability distribution of any increment XtXs depends only on the length t − s of the time interval; increments on equally long time intervals are identically distributed.
If is a Wiener process, the probability distribution of Xt − Xs is normal with expected value 0 and variance t − s.
If is the Poisson process, the probability distribution of Xt − Xs is a Poisson distribution with expected value λ(t − s), where λ > 0 is the "intensity" or "rate" of the process.
### Infinite divisibility
The distribution of a Lévy process has the property of infinite divisibility: given any integer n, the law of a Lévy process at time t can be represented as the law of n independent random variables, which are precisely the increments of the Lévy process over time intervals of length t/n, which are independent and identically distributed by assumptions 2 and 3. Conversely, for each infinitely divisible probability distribution , there is a Lévy process such that the law of is given by .
### Moments
In any Lévy process with finite moments, the nth moment , is a polynomial function of t; these functions satisfy a binomial identity:
## Lévy–Khintchine representation
The distribution of a Lévy process is characterized by its characteristic function, which is given by the Lévy–Khintchine formula (general for all infinitely divisible distributions):[2]
If is a Lévy process, then its characteristic function is given by
where , , and is a σ-finite measure called the Lévy measure of , satisfying the property
In the above, is the indicator function. Because characteristic functions uniquely determine their underlying probability distributions, each Lévy process is uniquely determined by the "Lévy–Khintchine triplet" . The terms of this triplet suggest that a Lévy process can be seen as having three independent components: a linear drift, a Brownian motion, and a Lévy jump process, as described below. This immediately gives that the only (nondeterministic) continuous Lévy process is a Brownian motion with drift; similarly, every Lévy process is a semimartingale.[3]
### Lévy–Itô decomposition
Because the characteristic functions of independent random variables multiply, the Lévy–Khintchine theorem suggests that every Lévy process is the sum of Brownian motion with drift and another independent random variable, a Lévy jump process. The Lévy–Itô decomposition describes the latter as a (stochastic) sum of independent Poisson random variables.
Let — that is, the restriction of to , renormalized to be a probability measure; similarly, let (but do not rescale). Then
The former is the characteristic function of a compound Poisson process with intensity and child distribution . The latter is that of a (CGPP): a process with countably many jump discontinuities on every interval a.s., but such that those discontinuities are of magnitude less than . If , then the CGPP is a pure jump process.[4][5]
## Generalization
A Lévy random field is a multi-dimensional generalization of Lévy process.[6][7] Still more general are decomposable processes.[8]
## References
1. ^ Sato, Ken-Ito (1999). Lévy processes and infinitely divisible distributions. Cambridge University Press. pp. 31–68. ISBN 9780521553025.
2. ^ Zolotarev, Vladimir M. One-dimensional stable distributions. Vol. 65. American Mathematical Soc., 1986.
3. ^ Protter P.E. Stochastic Integration and Differential Equations. Springer, 2005.
4. ^ Kyprianou, Andreas E. (2014), "The Lévy–Itô Decomposition and Path Structure", Fluctuations of Lévy Processes with Applications, Universitext, Springer Berlin Heidelberg, pp. 35–69, doi:10.1007/978-3-642-37632-0_2, ISBN 9783642376313
5. ^ Lawler, Gregory (2014). "Stochastic Calculus: An Introduction with Applications" (PDF). Department of Mathematics (The University of Chicago). Archived from the original (PDF) on 29 March 2018. Retrieved 3 October 2018.
6. ^ Wolpert, Robert L.; Ickstadt, Katja (1998), "Simulation of Lévy Random Fields", Practical Nonparametric and Semiparametric Bayesian Statistics, Lecture Notes in Statistics, Springer, New York, doi:10.1007/978-1-4612-1732-9_12, ISBN 978-1-4612-1732-9
7. ^ Wolpert, Robert L. (2016). "Lévy Random Fields" (PDF). Department of Statistical Science (Duke University).
8. ^ Feldman, Jacob (1971). "Decomposable processes and continuous products of probability spaces". Journal of Functional Analysis. 8 (1): 1–51. doi:10.1016/0022-1236(71)90017-6. ISSN 0022-1236.
• Applebaum, David (December 2004). "Lévy Processes—From Probability to Finance and Quantum Groups" (PDF). Notices of the American Mathematical Society. 51 (11): 1336–1347. ISSN 1088-9477.
• Cont, Rama; Tankov, Peter (2003). Financial Modeling with Jump Processes. CRC Press. ISBN 978-1584884132..
• Sato, Ken-Iti (2011). Lévy Processes and Infinitely Divisible Distributions. Cambridge University Press. ISBN 978-0521553025..
• Kyprianou, Andreas E. (2014). Fluctuations of Lévy Processes with Applications. Introductory Lectures. Second edition. Springer. ISBN 978-3642376313..
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9721329212188721, "perplexity": 817.097273599096}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 5, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-05/segments/1642320304309.59/warc/CC-MAIN-20220123202547-20220123232547-00489.warc.gz"}
|
http://solar-flux.forumandco.com/t413-beta-pictoris-sytem
|
# Beta pictoris sytem
## Beta pictoris sytem
Hi
I try to make articles on Beta Pictoris, its planets and its
discs of material, but it is not easy thing. Indeed I found a lot of
very blended information, and I really do not know how to sort out. No
information really contradicts other one, but there is so much that I
want to ask for your opinion. What is interessant, and what is
out-of-date?
I make you a flowchart with what I already have succeeds in sorting out.
Planet b is the imaged (end transiting?) planet
Planets "x" "y" and "z" are in resonance.
Planet "c" is a giant distant planet.
Discs A B and C are from this pictures
Inner belt of silicates
Mean distance: 6,4 UA
Incline: 14°?
Beta Pictoris b
Mass: 8(+5/-2) Mj
Orbite: (photo and "transit" data) 7,6-8,7 UA
Period: 15,9-19,5 years
Incline: no data
Planet "x"
Mass: 2-5 Mj
Orbit: 12 UA
Period: 67 years
Incline:3°
Close to 1:3:7
Disc of silicates "A"
Mean distance: 16 UA
Incline: 14°?
with ring of planetesimals at 14 UA
Planète "y"
Mass: 0,5Mj
Orbit: 25 UA
Close to 1:3:7
Disc of silicates
Inner limit: 25 UA
Mean distance: 30 UA
With ring of planetesimal: 28 UA
Planète z
Mass: 0,1Mj
Orbit: 44 UA
Close to 1:3:7
Ring of planetesimal at 52 UA
[Planet "c"
Mass: 10 Mj
Orbit:70 UA
Incline: 2,5°
Period: 450 years] Non observed in 2003
Disque B
Ring of planetesimals at 82 UA and 100 UA (Pluto size objects)
Outer limit: 130? 260? UA
Incline: 4° 5°? (Asymetrical?)
Disque C
Rings: 500-800 UA
Outer limit : (1100+/- 20%=880-1350 UA) or (1835/1450? UA) (differents sources)
+ comets, formation of a Oort Cloud and wind of meteoroids in the solar system
Stalker
Jovian
Number of posts : 530
Age : 26
Location : Paris, France
Registration date : 2008-06-16
## Re: Beta pictoris sytem
Planets of Beta Pictoris Revisited
http://arxiv.org/abs/astro-ph/0701526
Before the discovery of Bet Pic b, it was hypothesized that a 2 M_j planet at 12 AU (e ~ 0.1), a second 0.5 M_j planet at 25 AU (e ~ 0.01), and a third 0.1 M_j planet at 44 AU (e ~ 0.01) might exist to explain the structures in the disk. It was also suggested that perhaps the first and second planets are nearly in a 3:1 resonance, and the first and third planets are nearly in a 7:3 resonance. Then Bet Pic b was discovered at 8 AU. I'm not sure if this makes the orbit of a planet at 12 AU unstable or not. Probably? That paper also goes into detail of the structure of the disk, pointing out four structures in the disk at ~6.4 AU, ~16 AU, ~32 AU, and ~52 AU. It's the most comprehensive examination of the Beta Pictoris system before the announcement of the 8 M_j Bet Pic b.
It may be that the imaged planet (if it is confirmed to be bound to Bet Pic) may exist in addition to a number of those previously hypothesized planets.
Those are some neat images of the Bet Pic disk. O_o. I don't know if you're aware of this one from HST, but it's pretty cool:
Here's a more recent paper, submitted after the announcement of Bet Pic b, and attempts to identify structures in the disk.
VLT/NACO coronagraphic observations of fine structures in the disk of beta Pictoris
http://arxiv.org/abs/0901.2034
Abstract wrote:We present ground-based observations of the disk around the A-type star $\beta$ Pictoris to perform a close inspection of the inner disk morphology. Images were collected with NACO, the AO-assisted near-IR instrument on the VLT (ESO) which includes two types of coronagraphs: classical Lyot masks and phase masks. In this program we took advantage of both types of coronagraphs in two spectral bands, H-band for the Lyot mask and Ks-band for the phase mask. In addition, we simulated an extended object to understand the limitations in deconvolution of coronagraphic images. The reduced coronagraphic images allow us to carefully measure the structures of the debris disk and reveal a number of asymmetries of which some were not reported before (position, elevation and thickness of the warp). In this program, the circumstellar material is visible as close as 0.7" ($13.5$AU) owing to the phase mask while the Lyot mask generates artifacts which hamper the detection of the dust at separations closer than 1.2" ($23.2$AU). The point source detection limit is compared to recently published observations of a planet candidate. Finally, the simulations show that deconvolution of coronagraphic data may indeed produce artificial patterns within the image of a disk.
_________________
Caps Lock: Cruise control for 'Cool'!
Sirius_Alpha
Number of posts : 3515
Location : Earth
Registration date : 2008-04-06
Permissions in this forum:
You cannot reply to topics in this forum
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.6322037577629089, "perplexity": 6853.863730818415}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2017-47/segments/1510934809746.91/warc/CC-MAIN-20171125090503-20171125110503-00100.warc.gz"}
|
http://www.physicsforums.com/showthread.php?t=353049
|
Transformer core questions
by neduet
Tags: core, transformer
P: 43 1.If we increasing load on secondary of transformer core loss is same or not ? 2.what is the most common lamination thickness of transformer core? 3.some kind a paper we used in winding for insulation what is the name of this material?
P: 85 In number one, are you asking about the loss in the core or the total circuit? The only way the loss in the core is going to increase is if you increase windings in the secondary.
P: 778
Quote by neduet 1.If we increasing load on secondary o-f transformer core loss is same or not ? 2.what is the most common lamination thickness of transformer core? 3.some kind a paper we used in winding for insulation what is the name of this material?
1. Increasing load on the secondary will increase the current in the primary. This increase will cause increased I*R loss in the primary, which will decrease the volt-seconds seen by the core. Since the flux in the core is proportional to the volt-seconds applied by the primary, the core flux will decrease, resulting in less core loss.
2. The most common lamination thickness is .014 inches.
3. The most common modern material is nomex, a synthetic paper.
http://en.wikipedia.org/wiki/Nomex
P: 4,663 Transformer core questions For a conventional power transformer operating at 50 or 60 Hz, the core (magnetization in laminations) loss can increase only when a) The primary voltage is increased (don't use a 120 Vac transformer on 220 Vac) b) the primary frequency is decreased (Don't use a 60 Hz transformer on 50 Hz unless the mfgr states 50/60 Hz) c) the number of primary turns is decreased (decreases inductance). The core loss is determined entirely by the design of the transformer as an inductance w/o a secondary winding. The core probably goes up to ~1.4 Tesla peak; any increase will significantly increase losses. Bob S
P: 43 Thanks A lot Bob S and ernestpworrel (sorry for late)
Related Discussions Electrical Engineering 4 Electrical Engineering 0 Electrical Engineering 1 Electrical Engineering 2 Electrical Engineering 3
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8955511450767517, "perplexity": 2129.8775393705505}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2014-41/segments/1410657129229.10/warc/CC-MAIN-20140914011209-00077-ip-10-196-40-205.us-west-1.compute.internal.warc.gz"}
|
http://kr.mathworks.com/help/aeroblks/1dcontrollerblendu1l.k1.yl.k2.y.html?s_tid=gn_loc_drop&nocookie=true
|
# 1D Controller Blend u=(1-L).K1.y+L.K2.y
Implement 1-D vector of state-space controllers by linear interpolation of their outputs
GNC/Control
## Description
The 1D Controller Blend u=(1-L).K1.y+L.K2.y block implements an array of state-space controller designs. The controllers are run in parallel, and their outputs interpolated according to the current flight condition or operating point. The advantage of this implementation approach is that the state-space matrices A, B, C, and D for the individual controller designs do not need to vary smoothly from one design point to the next.
For example, suppose two controllers are designed at two operating points v=vmin and v=vmax. The 1D Controller Blend block implements
$\begin{array}{l}{\stackrel{˙}{x}}_{1}={A}_{1}{x}_{1}+{B}_{1}y\\ {u}_{1}={C}_{1}{x}_{1}+{D}_{1}y\\ {\stackrel{˙}{x}}_{2}={A}_{2}{x}_{2}+{B}_{2}y\\ {u}_{2}={C}_{2}{x}_{2}+{D}_{2}y\\ u=\left(1-\lambda \right){u}_{1}+\lambda {u}_{2}\\ \\ \lambda =\left\{\begin{array}{ccc}0& & v<{v}_{\mathrm{min}}\\ \frac{v-{v}_{\mathrm{min}}}{{v}_{\mathrm{max}}-{v}_{\mathrm{min}}}& & {v}_{\mathrm{min}}\le v\le {v}_{\mathrm{max}}\\ 1& & v>{v}_{\mathrm{max}}\end{array}\\ \end{array}$
For longer arrays of design points, the blocks only implement nearest neighbor designs. For the 1D Controller Blend block, at any given instant in time, three controller designs are being updated. This reduces computational requirements.
As the value of the scheduling parameter varies and the index of the controllers that need to be run changes, the states of the oncoming controller are initialized by using the self-conditioned form as defined for the Self-Conditioned [A,B,C,D] block.
## Dialog Box
A-matrix(v)
A-matrix of the state-space implementation. In the case of 1-D blending, the A-matrix should have three dimensions, the last one corresponding to scheduling variable v. Hence, for example, if the A-matrix corresponding to the first entry of v is the identity matrix, then `A(:,:,1) = [1 0;0 1];`.
B-matrix(v)
B-matrix of the state-space implementation.
C-matrix(v)
C-matrix of the state-space implementation.
D-matrix(v)
D-matrix of the state-space implementation.
Scheduling variable breakpoints
Vector of the breakpoints for the scheduling variable. The length of v should be same as the size of the third dimension of A, B, C, and D.
Initial state, x_initial
Vector of initial states for the controller, i.e., initial values for the state vector, x. It should have length equal to the size of the first dimension of A.
Poles of A(v)-H(v)*C(v)
For oncoming controllers, an observer-like structure is used to ensure that the controller output tracks the current block output, u. The poles of the observer are defined in this dialog box as a vector, the number of poles being equal to the dimension of the A-matrix. Poles that are too fast result in sensor noise propagation, and poles that are too slow result in the failure of the controller output to track u.
## Inputs and Outputs
InputDimension TypeDescription
First
AnyContains the measurements.
Second
Contains the scheduling variable, conforming to the dimensions of the state-space matrices.
OutputDimension TypeDescription
First
AnyContains the actuator demands.
## Assumptions and Limitations
Note: This block requires the Control System Toolbox™ product.
## Reference
Hyde, R. A., "H-infinity Aerospace Control Design - A VSTOL Flight Application," Springer Verlag, Advances in Industrial Control Series, 1995. ISBN 3-540-19960-8. See Chapter 5.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 1, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.5247179269790649, "perplexity": 1494.9544004678926}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-18/segments/1430458521872.86/warc/CC-MAIN-20150501053521-00027-ip-10-235-10-82.ec2.internal.warc.gz"}
|
https://www.physicsforums.com/threads/interval-notation.728285/
|
# Interval notation
1. ### science~life
2
Can anyone please give a succinct and clear description on this? I'm a little confused...
341
3. ### Student100
756
http://www.purplemath.com/modules/setnotn.htm
Need to know where you at with it to be able to help.
Do you understand (a, b] means a isn't included in the interval but b is?
4. ### HallsofIvy
40,939
Staff Emeritus
(a, b) means "all numbers strictly between a and b". It can also be written as $\{x| a< x< b\}$.
[a, b) means "all numbers strictly between a and b and the number a. It can also be written as $\{x| a\le x< b\}$.
(a, b) means "all numbers strictly between a and b and the number b. It can also be written as $\{ x| a< x\le b\}$.
[a, b] means "all numbers strictlhy between a and b and both the number a and the number b. It can also be written as $\{x| a\le x\le b\}$.
In short, all of these contain the interval between a and b. "[" and "]" mean "include this end point". "(" and ")" mean "do not include this point".
5. ### 1MileCrash
Third, HOI certainly means (a,b], just in case this is not caught.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8575634956359863, "perplexity": 1132.9393746644275}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-35/segments/1440644066266.26/warc/CC-MAIN-20150827025426-00092-ip-10-171-96-226.ec2.internal.warc.gz"}
|
http://evp.ie/cphz9bk1/american-truck-simulator---heavy-cargo-mods-764e1f
|
Figure 16: Document Manifest Custom Actions. The following example uses a document-level solution called ExcelWorkbookProject and a setup project called ExcelWorkbookSetup. Expand HKEY_CURRENT_USER and then Software. Learn how to deploy a Microsoft Visual Studio Tools for Office (VSTO) add-in or document-level solution using a Visual Studio Installer project. The setup project needs to deploy the deployment manifest and application manifest. Launch conditions can be used to block the install if all required prerequisites are not installed. In the Properties Window, change the Value property to file:///[TARGETDIR]ExcelAddIn.vsto|vstolocal. VSTO basics 2 lectures • 46min. Outlook Add-ins that display custom form regions require additional registry entries that allow the form regions to be identified. Note, Log Delay: Installing the English Office Developer Tools for Visual Studio VSTO Problem: When you use the German Office Excel and Word 2010, 2013, 2016 applications and accesses through a Visual Studio Addin, Right-click the Description value in the registry editor and click Properties Window. and then click Add Windows Installer Launch Condition. You must select the right prerequisite components for each build configuration that you use. You can find out more about Wouter by reading his blog. The Microsoft .NET Framework version that the Office Solution targets. Delete the [Manufacturer] key found under HKEY_CURRENT_USER\Software. Here you choose to download either the 64-bit or the 32-bit version depending on what version of Office your computer is running. Change the value of the Condition to VSTORUNTIMEREDIST>="10.0.30319". He has published several white papers and articles as well a book available on line titled Open XML: Explained e-book. Trust the solution to allow it to execute. In the Solution Explorer, right-click ExcelWorkbookSetup, expand Add and click Project Output. The File System Explorer allows you to add files to the setup project. Prior to capturing the add-in, make sure that Excel is installed on the base image and that it has been launched for the first time. A version of the Runtime does ship with Microsoft Office but you may want to redistribute a specific version with your add-in. Configure launch conditions to verify that the required prerequisite components are available. Please run … Name the custom action Copy document to My Documents and attach customization. You can configure your Windows Installer package to install prerequisite components by adding a Setup program, also known as a bootstrapper. Expand the References Node in Solution Explorer. The macro will include the trailing \ character, so the filename of the deployment manifest should be ExcelAddIn.vsto without the \ character. ; Do one of the following: To start the installation immediately, click Run. Select one of the PIA references, for example. In the ExcelWorkbookProject editor, locate the SolutionID element inside the PropertyGroup element. Click this to uninstall VSTO. Name the custom action Remove document from the Documents folder. For more information about enabling the inclusion list, see How to: Configure Inclusion List Security. Visual Studio Tools for Office (VSTO) is a set of development tools available in the form of a Visual Studio add-in (project templates) and a runtime that allows Microsoft Office 2003 and later versions of Office applications to host the .NET Framework Common Language Runtime (CLR) to expose their functionality via . To add registry keys for the add-in installation right-click the User/Machine Hive key, select New Key. Ted also writes a developer-focused column for MSDN Magazine titled Office Space. (1) Using ClickOnce (2) Using Windows Installer. In the Select Item in Project dialog box, in the Look In list, click Application Folder. In the Launch Conditions(OfficeAddInSetup) editor, right-click Requirements on Target Machine, and then click Add Registry Launch Condition. Normally, VSTO is installed if necessary during add-in installation; however, sometimes installing VSTO manually may help. MSI deployment . However, if it's installed to different folder, these properties will need to be updated during the setup. Additional components such as configuration files. To download the VSTO add-in installation folders, go to the AskCody Management Portal. The SolutionID is also needed. Add-in Express simplifies creating and debugging MSI-based setup projects for VSTO add-ins and provides a ClickOnce deployment model of its own. I was trying to use the Publish/Click once method and publishing it to my website so that the add-in will auto update. Ted Pattison is a SharePoint MVP, author, trainer and the founder of Ted Pattison Group. 1. The above command will install the VSTO add-in silently. Also, the Software License Terms must be displayed and accepted before the installation begins. Deploying a Solution by Using ClickOnce. The [TARGETDIR] macro will be replaced with the folder where the add-in is installed to. Build the setup project and copy the results to the deployment location. The installer would be deployed silently via a group policy with an internal network. Expand all sections. Install prerequisite components on the user computer. Figure 13: Unloading Excel Document Solution. Select the Console App template and name the project AddCustomizationCustomAction. For more information about registry keys, see Registry entries for VSTO Add-ins. Select the Manifest key in the registry editor. Figure 3: Application and deployment manifests for the Add-in in Solution Explorer. Add the components of the Office Solution that will be deployed. ClickOnce and Windows Installer packages need to do the same rudimentary tasks when installing an Office solution. To do this an MSI (Microsoft Installer) would be ideal which would let you run something like this: msiexec /i c:\path\to\installer.msi /quiet /log c:\path\to\info.log The only… ; To cancel the … Introduction. ISSUE: From a target pc I use a browser to download my setup.exe. The launch condition above explicitly checks for the presence of the VSTO runtime when it's installed by the bootstrapper package. This is "Publish and Install VSTO-based Outlook Add-in" by Andri on Vimeo, the home for high quality videos and the people who love them. The naming convention Microsoft has chosen can make it a little confusing to easily understand what kind of integration a vendor you’re evaluating offers because both add-in models can be called “Microsoft Office 365 integrations”. Preview 03:05. In the Custom Actions(ExcelWorkbookSetup) editor, right-click Custom Actions and click Add Custom Action. If this project type is not available in your instance of Visual Studio then you might want to install “Office/Sharepoint development” for your VS. Here's a list of basic steps required to deploy a document-level solution: Properties inside an Office document are used to locate document level solutions. Also referred to as Managed Office add-ins or Application Level add-ins. The Utilities assemblies are meant to be deployed along with your application. because there is a built-in functionality in the setup tool to handle this. The Visual Installerinstallation tool can be used to install an Add-into Microsoft Excel. Use a similar process to create the entire key hierarchy required for the add-in registration: User/Machine Hive\Software\Microsoft\Office\Excel\Addins\SampleCompany.ExcelAddIn. In the Solution Explorer, right-click OfficeAddInSetup, click Add, and click File. Creating the project Let us start Visual Studio and create a new project of type “Outlook VSTO Add-in” and name it “MyOutlookAddin“. Click Yes in the dialog box that appears to close the ExcelWorkbookProject editor. The location where users can install and Uninstall steps application manifests as loose files Runtime uses this registry to! Trailing \ character, so the filename of the PIA references, example! Then stop the capture process code into Program.cs or Program.vb, locate the “ Microsoft Visual 2010... Vsto-Based solutions, you will get below kind of prompts when you open the.xltm or. Click Rename creating command bars and interacting with the installation begins MSDN Magazine titled Space! Excel add-in called ExcelAddIn value in the solution Explorer to follow Microsoft recommendations has published several white and. Key that the Office solution by using Windows Installer setup project, sometimes installing manually. Are included with the text Software for the Verify Runtime Availability launch.. Will install the VSTO add-in for all users this issue occurs because the Business Connectivity Service component deployment! Security update in July 2016 keys under the Uninstall node, right-click Requirements on machine. Office PIA install vsto add-in searching for the add-in for all users deploying document-level solutions require a few different configuration in! Required for the setup project Office, Microsoft Office, Microsoft Visual Studio 2010 Tools for Office ) to... 3 for the add-in to provide uniqueness only need to write complex script lines for this ; only... Named property Output folder of the install vsto add-in package setup errors to a central location users! 10: Properties Window, change the value 3 for the Verify Office Shared PIA launch condition Specifying form require. Output also includes the Microsoft Office document, if you desire and click... The end-users computers as the VSTO Runtime uses this registry key to install vsto add-in the “ Add in... Click Add registry search done by filling out the installation immediately, click Add registry search file install! References, for example ” and “ new Item ” the installation begins components from the Documents folder select ExcelAddIn.vsto! Documents folder AddIn project you want to redistribute a specific version with your application and. Of prompts when you open the.xltm file or during installation create setups for your Add-ins and provides a ClickOnce model... Titled open XML: Explained e-book hitting F4 or selecting Properties from the authors. Action in your Windows Installer package ( except for any Utilities assemblies are meant to be updated during the.! July 2016 form regions in the select Item in project dialog box appears. To provide uniqueness and application manifests as loose files of Service, do need! 64-Bit Office registry keys, see registry entries should be “ Ribbon ( Visual Studio Tools for Office is. Share your WiX code instead of IDTExtensibility2 install vsto add-in display custom form regions your application install run., navigate to the website, the setup project for this task adding... See trusting Office solutions ( 2007 System ) of VSTO project privileges can be installed from an executable containing... The ExcelAddIn.vsto and ExcelAddIn.dll.manifest files and click String value enabled, click Add Windows Installer file so. New Item ” vstolocal postfix, tells the VSTO AddIn if prompted and... To close the dialog box and Add the deployment process of channels regions additional! Do not see this Item, VSTO is installed to decide whether to trust the ID... Papers and articles as well a book available on line titled open:... Provides an environment that manages Add-ins and solutions the.xltm file or during installation the application... The results to the document is installed free sample add-on for Microsoft 2003... Project as stand-alone files from the Installer will not work on a 32-bit Office version and vice versa be COM... From Visual Studio 7: Target platform for registering Add-ins with 64-bit Office Microsoft.NET Framework the. The prerequisites are not installed SharePoint 2007 technologies you an example of building a Microsoft Word add-in compatible. Local PC instead of IDTExtensibility2 ) and interacting with the Microsoft.NET Framework 3.5 Office! Vsto Outlook AddIn for all users on local PC instead of IDTExtensibility2 ) to open this dialog select! An Office security update in July 2016 and related files to the setup project order for a to! Project by clicking on File→New- > project an “ Uninstall ” link should in! Simply capture your application install and run from the install vsto add-in Studio and result is file! Studio 2010 Tools for Office install vsto add-in creating MSI instanllers the machine list, AddCustomizationCustomAction. You can proceed with the folder where the add-in is now an step! Microsoft Office, Microsoft Visual Studio Tools for Office ( VSTO ) add-in or solution, it useful. Create a document-level solution on the user to let them decide whether to trust solution! See Granting trust to Documents built-in functionality in the solution ID will be used in select! See custom document Properties, see Granting trust to Documents from AddCustomizationCustomAction ( Active and... A built-in functionality in the solution published several white papers and articles as well a book on... Will include the trailing \ character, so the filename of the ClickOnce cache Documents folder condition. Gives you an example of building a Microsoft Visual Studio Tools for Office ” Item VSTO Outlook AddIn for ExcelAddIn! Verify Runtime Availability launch install vsto add-in searches for an Office solution by using Inclusion Lists, will! By searching for the name of the ExcelAddIn from the project Output dialog! Excelworkbooksetup project is to develop a VSTO solution and Add the assembly containing the custom action for the name the! Application is installed if necessary during add-in installation right-click the OfficeAddInSetup project and copy the customization run... 10.0.21022 '' ExcelAddinPDA.ExcelAddinPDA '', Double-click on the newly created Software key and create a silent Installer for a value! Is not installed Add-ins for more information about enabling the Inclusion list security method 1: file Explorer. Key is then available to the user to let them decide whether trust... Id of your VSTO document-level solution using a Windows Installer setup project called ExcelWorkbookSetup related files the! Console App template and name the project list, see registry entries for VSTO Add-ins a Target i. ” Item MSDN Magazine titled Office Space Add or Remove Programs ” dialog in the publish page of ClickOnce! Office launch condition uses the property defined by the bootstrapper package you copied, on! Platform for registering Add-ins with 64-bit Office Add the project file to show the Window. To let them decide whether to trust the solution by using Inclusion Lists security thing and was! Add-In installation folders, go to the setup and open the “ Microsoft Studio. Out more about wouter by reading his blog on educating Professional developers on SharePoint 2007 technologies that the... About security related to document-level solutions require a few different configuration steps in the solution Explorer, Requirements! Hive to look for Add-ins if it 's installed to - Add project Output to the install vsto add-in project Add Output... Results to the setup and deployment project templates are included with the Microsoft Visual Studio LoadBehavior that! Ms Word Object model custom form regions in the custom action - Add project Output Group implements... \ character, so the filename of the condition property to VSTORUNTIMEREDIST > = '' ''! Find out more about wouter by reading his blog about these document Properties.! Data or a custom action Remove document from the location where you copied, Double-click on the computer! The last step is to develop a small VSTO add-in installation ; however, if you are how... Actual Target Office application is installed Log on script through Active directory of VSTO project … project. Search condition can search the registry editor in Visual Basic.NET ( VB.NET ) and C # the qualified! Included with the text editor Hi, you have to follow some of the following post-deployment action can not run. Setup tool to handle this if you 're not using Embedded Interop Types, to. Per user and deployment manifests for the specific component ID registry keys Installer launch condition manifest should be,! A document-level solution focusing on delivering cutting-edge technical content through a named property accomplished: the customized functionality the! Solutions by using the same rudimentary tasks when installing an Office PIA by searching for the add-in for build. Hive are used to locate the SolutionID element inside the document, have. Any Utilities assemblies are meant to be deployed click open to Add single. Setups for your Add-ins and solutions the Documents folder, and click EditExcelWorkbookProject.vbproj Edit. Manifest should be “ Ribbon ( Visual designer ) ” and “ new ”... Window to show the Properties Window, change the exclude property to the website, setup! Run: ExcelAddinPDA.ExcelAddinPDA '' context menu to an Office solution configure prerequisite components by a! Unsure how to: Visual Studio Tools for Office and VSTO and developed in Visual Basic.NET ( VB )! Package ( except for setting the registry action for the Verify Office PIA... In this dialog, locate the “ Microsoft Visual Studio project file loaded startup... Using the same rudimentary tasks when installing an Office solution by using ClickOnce see! The filename of the machine Active directory value in the HKEY_CURRENT_USER hive are used to the. Condition to VSTORUNTIMEREDIST > = '' 10.0.30319 '' thing and it was security thing and it was thing. ( IStartUp instead of VSTO project more effort to create setups for your and. Project are dependent on the end-users computers Verify VSTO 2010 Runtime Availability through Redist or Office Professional!, integrations done via COM/VSTO Add-ins vs the Office solution should install and run from the context. Publishing it to my website so that the add-in will appear in the launch (! Not install VSTO Outlook AddIn for all users of the ExcelAddIn project Output....
Abc Insurance Phone Number, Flame King Grill, Dunkin Logo Png, Relajarse Affirmative Tú Command, Driving Directions To Staples Minnesota, Responsibility Rap Song, Mellow Mushroom Pizza, John Deere E130 8 Hour Maintenance,
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.39721566438674927, "perplexity": 8618.03820429292}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-31/segments/1627046155268.80/warc/CC-MAIN-20210805000836-20210805030836-00244.warc.gz"}
|
http://hal.in2p3.fr/in2p3-00605080
|
pp and ππ intensity interferometry in collisions of Ar+KCl at 1.76A GeV
Abstract : Results on pp, π+π+, and π−π− intensity interferometry are reported for collisions of Ar+KCl at 1.76A GeV beam energy, studied with the High Acceptance Di-Electron Spectrometer (HADES) at SIS18/GSI. The experimental correlation functions as a function of the relative momentum are compared to model calculations allowing the determination of the space-time extent of the corresponding emission sources. The ππ source radii are found significantly larger than the pp emission radius. The present radii do well complement the beam-energy dependences of Gaussian source radii of the collision system of size A + A ≃ 40 + 40 . The pp source radius at fixed beam energy is found to increase linearly with the cube root of the number of participants. From this trend, a lower limit of the pp correlation radius is deduced.
Document type :
Journal articles
http://hal.in2p3.fr/in2p3-00605080
Contributor : Sophie Heurteau Connect in order to contact the contributor
Submitted on : Thursday, June 30, 2011 - 3:06:11 PM
Last modification on : Friday, September 10, 2021 - 3:32:46 AM
Citation
G. Agakishiev, A. Balanda, B. Bannier, R. Bassini, D. Belver, et al.. pp and ππ intensity interferometry in collisions of Ar+KCl at 1.76A GeV. European Physical Journal A, EDP Sciences, 2011, 47, pp.63. ⟨10.1140/epja/i2011-11063-x⟩. ⟨in2p3-00605080⟩
Metrics
Les métriques sont temporairement indisponibles
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8813735842704773, "perplexity": 7971.469152338687}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-05/segments/1642320302706.62/warc/CC-MAIN-20220120220649-20220121010649-00019.warc.gz"}
|
http://www.ats.ucla.edu/stat/mplus/seminars/introMplus_part2/path.htm
|
Statistical Computing Seminars Analyzing Data: Path Analysis
Path analysis is used to estimate a system of equations in which all of the variables are observed. Unlike models that include latent variables, path models assume perfect measurement of the observed variables; only the structural relationships between the observed variables are modeled. This type of model is often used when one or more variables is thought to mediate the relationship between two others (mediation models). Similar models setups can be used to estimate models where the errors (residuals) of two otherwise unrelated dependent variables are allowed to correlated (seemingly unrelated regression), as well as models where the relationship between variables is thought to vary across groups (multiple group models).
1.0 A Just Identified Model
The examples on this page use a dataset (path.dat) that contains four variables, the respondent's high school gpa (hs), college gpa (col), GRE score (gre), and graduate school gpa (grad). We begin with the model illustrated below, where GRE scores are predicted using high school and college gpa (hs and col respectively); and graduate school gpa (grad) is predicted using GRE, high school gpa and college gpa. This model is just identified, meaning that it has zero degrees of freedom.
In the model: command, the keyword on is used to indicate that the model regresses gre on hs and col; and grad on hs, col, and gre. The output: command with the stdyx; option was included to obtain standardized regression coefficients and R-squared values. (The stdyx; option produces coefficients standardized on both y and x, but other types of standardization are available and can be requested using the standardized; option.)
Title: Path analysis -- just identified model
Data:
file is path.dat ;
Variable:
Names are hs gre col grad;
Model:
gre on hs col;
Output:
stdyx;
Here is the output from Mplus.
INPUT READING TERMINATED NORMALLY
Path analysis -- just identified model
SUMMARY OF ANALYSIS
Number of groups 1
Number of observations 200
Number of dependent variables 2
Number of independent variables 2
Number of continuous latent variables 0
Observed dependent variables
Continuous
Observed independent variables
HS COL
Estimator ML
Information matrix OBSERVED
Maximum number of iterations 1000
Convergence criterion 0.500D-04
Maximum number of steepest descent iterations 20
Input data file(s)
path.dat
Input data format FREE
THE MODEL ESTIMATION TERMINATED NORMALLY
TESTS OF MODEL FIT
Chi-Square Test of Model Fit
Value 0.000
Degrees of Freedom 0
P-Value 0.0000
Chi-Square Test of Model Fit for the Baseline Model
Value 247.004
Degrees of Freedom 5
P-Value 0.0000
CFI/TLI
CFI 1.000
TLI 1.000
Loglikelihood
H0 Value -2789.415
H1 Value -2789.415
Information Criteria
Number of Free Parameters 9
Akaike (AIC) 5596.830
Bayesian (BIC) 5626.515
(n* = (n + 2) / 24)
RMSEA (Root Mean Square Error Of Approximation)
Estimate 0.000
90 Percent C.I. 0.000 0.000
Probability RMSEA <= .05 0.000
SRMR (Standardized Root Mean Square Residual)
Value 0.000
MODEL RESULTS
Two-Tailed
Estimate S.E. Est./S.E. P-Value
GRE ON
HS 0.309 0.065 4.756 0.000
COL 0.400 0.071 5.625 0.000
HS 0.372 0.075 4.937 0.000
COL 0.123 0.084 1.465 0.143
GRE 0.369 0.078 4.754 0.000
Intercepts
GRE 15.534 2.995 5.186 0.000
Residual Variances
GRE 49.694 4.969 10.000 0.000
STANDARDIZED MODEL RESULTS
STDYX Standardization
Two-Tailed
Estimate S.E. Est./S.E. P-Value
GRE ON
HS 0.335 0.068 4.887 0.000
COL 0.396 0.068 5.859 0.000
HS 0.356 0.070 5.073 0.000
COL 0.108 0.073 1.467 0.142
GRE 0.326 0.067 4.869 0.000
Intercepts
GRE 1.643 0.378 4.343 0.000
Residual Variances
GRE 0.556 0.052 10.611 0.000
R-SQUARE
Observed Two-Tailed
Variable Estimate S.E. Est./S.E. P-Value
GRE 0.444 0.052 8.477 0.000
QUALITY OF NUMERICAL RESULTS
Condition Number for the Information Matrix 0.348E-04
(ratio of smallest to largest eigenvalue)
Under MODEL RESULTS the path coefficients (slopes) for the regression of gre on hs and col are shown, followed by those for the regression grad on hs. Along with the unstandardized coefficients (in the column labeled Estimate), the standard errors (S.E), coefficients divided by the standard errors, and a p-values are shown. From this we see that hs and col significantly predict gre, and that gre and hs (but not col) significantly predict grad. Additional parameters from the model are listed below the path coefficients. Note that the regression intercepts are listed under the heading Intercepts rather than with the path coefficients, this is different from some general purpose statistical packages where all of the coefficients (intercepts and slopes) are listed together. Because we requested standardized coefficients using the stdyx option of the output: command, the standardized results are also included in the output (after the unstandardized results). Under the heading STDYX Standardization all of the model parameters are listed, standardized so that a one unit change represents a standard deviation change in the original variable (just as in a standardized regression model). As part of the standardized output the r-squared values are presented under the heading R-SQUARE. Here the estimated r-squared value for each of the dependent variables in our model is given, along with standard errors and hypothesis tests.
1.1 Indirect and Total Effects
One of the appealing aspects of path models is the ability to assess indirect, as well as total effects (i.e. relationships among variables). Note that the total effect is the combination of the direct effect and indirect effects. In this example we will request the estimated indirect effect of hs on grad (through gre). Below is the diagram corresponding to this model with the desired indirect effect shown in blue. We can obtain the estimate of the indirect effect by adding the model indirect: command to our input file, and specifying grad ind hs;.
Here is the entire program; except for the highlighted portion of the output (and the title) this model is identical to the previous model.
Title: Path analysis -- with indirect effects.
Data:
file is path.dat ;
Variable:
Names are hs gre col grad;
Model:
gre on hs col;
Model indirect:
Output:
stdyx;
The output for this model is shown below, and some the output has been omitted since the output for this model is the same as the previous model except for the addition of sections showing the total, indirect and direct effects. The output is the same because we have estimated the same model; adding the indirect effects requests additional output from Mplus, but that does not change the model itself. The breakdown of the total, indirect, and direct effects appears below the MODEL RESULTS and STANDARDIZED MODEL RESULTS in a section labeled TOTAL, TOTAL INDIRECT, SPECIFIC INDIRECT, AND DIRECT EFFECTS. Because standardized coefficients were requested, the standardized total, indirect, and direct effects appear below the unstandardized effects.
MODEL RESULTS
Two-Tailed
Estimate S.E. Est./S.E. P-Value
GRE ON
HS 0.309 0.065 4.756 0.000
COL 0.400 0.071 5.625 0.000
HS 0.372 0.075 4.937 0.000
COL 0.123 0.084 1.465 0.143
GRE 0.369 0.078 4.754 0.000
Intercepts
GRE 15.534 2.995 5.186 0.000
Residual Variances
GRE 49.694 4.969 10.000 0.000
<output omitted>
QUALITY OF NUMERICAL RESULTS
Condition Number for the Information Matrix 0.348E-04
(ratio of smallest to largest eigenvalue)
TOTAL, TOTAL INDIRECT, SPECIFIC INDIRECT, AND DIRECT EFFECTS
Two-Tailed
Estimate S.E. Est./S.E. P-Value
Total 0.487 0.075 6.453 0.000
Total indirect 0.114 0.034 3.362 0.001
Specific indirect
GRE
HS 0.114 0.034 3.362 0.001
Direct
HS 0.372 0.075 4.937 0.000
STANDARDIZED TOTAL, TOTAL INDIRECT, SPECIFIC INDIRECT, AND DIRECT EFFECTS
STDYX Standardization
Two-Tailed
Estimate S.E. Est./S.E. P-Value
Total 0.465 0.068 6.858 0.000
Total indirect 0.109 0.032 3.455 0.001
Specific indirect
GRE
HS 0.109 0.032 3.455 0.001
Direct
HS 0.356 0.070 5.073 0.000
Under Specific indirect, the effect labeled GRAD GRE HS (note each appears on its own line and the final outcome is listed first), gives the estimated coefficient for the indirect effect of hs on grad, through GRE (the blue path above). The coefficient labeled Direct is the direct effect of hs on grad. We can say that part of the total effect of hs on grad is mediated by gre scores, but the significant direct path from hs to grad suggests only partial mediation.
1.2 Specific Indirect Effects
The above example was overly simple since there was only one indirect effect. Often models will have multiple indirect effects. In this example we place a directional path (i.e. regression) from hs to col, creating a model with multiple possible indirect effects. The diagram below shows the model, with the three indirect paths we wish to examine highlighted with colored lines.
There are several ways to request calculation of indirect effects. The first, shown in the previous example (i.e. grad ind hs;) requests all indirect paths from hs to grad. We can also use ind to request a specific indirect path, for example, below we use grad ind col hs;, to specify that we want to estimate the indirect effect from hs to col to grad (i.e. the dashed orange path shown in the diagram above). Finally, we can use via to request all indirect effects that go through a third variable, for example below we use grad via gre hs; to request all indirect paths from hs to grad that involve gre, this includes hs to gre to grad (i.e. the solid blue path), and hs to col to gre to grad (i.e. the dotted pink path). The new directional path (col on hs;), as well as the specific indirect (grad ind col hs;) and via (grad via gre hs;) options of the model indirect are highlighted in the input shown below.
Title: Multiple indirect paths
Data:
file is path.dat ;
Variable:
Names are hs gre col grad;
Model:
gre on col hs;
col on hs;
Model indirect:
grad via gre hs;
The abridged output is shown below. Note that the output for this model is similar in structure to the output from earlier models, except for the addition of the section showing the indirect effects.
<output omitted>
TOTAL, TOTAL INDIRECT, SPECIFIC INDIRECT, AND DIRECT EFFECTS
Two-Tailed
Estimate S.E. Est./S.E. P-Value
Sum of indirect 0.075 0.051 1.455 0.146
Specific indirect
COL
HS 0.075 0.051 1.455 0.146
Effects from HS to GRAD via GRE
Sum of indirect 0.204 0.047 4.333 0.000
Specific indirect
GRE
HS 0.114 0.034 3.362 0.001
GRE
COL
HS 0.090 0.026 3.487 0.000
In the first set of indirect effects (labeled Effects from HS to GRAD) gives the indirect effect of hs on grad through col . Although we estimated a direct effect of hs on grad in the model, this is not shown in this portion of the output (it is shown above), because we requested the specific indirect effect. The second set of indirect effects (labeled Effects from HS to GRAD via GRE) shows all possible indirect effects from hs to grad, that include GRE, in this case, there are two such effects. This portion of the output shows that hs has a significant indirect effect on grad, overall (Sum of indirect), as well as the two specific indirect effects, that is through gre, as well as through col and gre. Note that this output does not include the total effect of grad on hs, for this output we would simply specify grad ind hs; as we did in the previous model.
2.0 An Over Identified Model
This is an example of an overidentified model, that is a model with positive degrees of freedom (as opposed to the previous models which can be described as saturated or just identified). Having positive degrees of freedom allows us to examine the fit of the model using the chi-squared test of model fit, along with fit indices, for example, CFI and RMSEA. In the illustration below, paths that are included in the model are represented by solid lines; paths that could be estimated, but are not, are represented by dotted lines. Note that now hs does not have a direct effect on either grad or gre, its only influence is via col. This corresponds to the hypothesis that high school gpa is only associated with GRE scores and graduate school grades through its relationship with college gpa.
The input file for this model is shown below.
Title: Path analysis -- over identified model
Data:
file is path.dat ;
Variable:
Names are hs gre col grad;
Model:
col on hs;
gre on col;
Output:
stdyx;
Below is the output for this model.
INPUT READING TERMINATED NORMALLY
Path analysis -- over identified model
SUMMARY OF ANALYSIS
Number of groups 1
Number of observations 200
Number of dependent variables 3
Number of independent variables 1
Number of continuous latent variables 0
Observed dependent variables
Continuous
Observed independent variables
HS
Estimator ML
Information matrix OBSERVED
Maximum number of iterations 1000
Convergence criterion 0.500D-04
Maximum number of steepest descent iterations 20
Input data file(s)
path.dat
Input data format FREE
THE MODEL ESTIMATION TERMINATED NORMALLY
TESTS OF MODEL FIT
Chi-Square Test of Model Fit
Value 44.429
Degrees of Freedom 2
P-Value 0.0000
Chi-Square Test of Model Fit for the Baseline Model
Value 362.474
Degrees of Freedom 6
P-Value 0.0000
CFI/TLI
CFI 0.881
TLI 0.643
Loglikelihood
H0 Value -2811.629
H1 Value -2789.415
Information Criteria
Number of Free Parameters 10
Akaike (AIC) 5643.258
Bayesian (BIC) 5676.242
(n* = (n + 2) / 24)
RMSEA (Root Mean Square Error Of Approximation)
Estimate 0.3266
90 Percent C.I. 0.247 0.412
Probability RMSEA <= .05 0.000
SRMR (Standardized Root Mean Square Residual)
Value 0.086
MODEL RESULTS
Two-Tailed
Estimate S.E. Est./S.E. P-Value
COL ON
HS 0.605 0.048 12.500 0.000
GRE ON
COL 0.625 0.056 11.101 0.000
COL 0.317 0.079 4.014 0.000
GRE 0.492 0.078 6.303 0.000
Intercepts
GRE 19.887 3.009 6.609 0.000
COL 21.038 2.576 8.165 0.000
Residual Variances
GRE 55.313 5.531 10.000 0.000
COL 49.025 4.903 10.000 0.000
STANDARDIZED MODEL RESULTS
STDYX Standardization
Two-Tailed
Estimate S.E. Est./S.E. P-Value
COL ON
HS 0.662 0.040 16.684 0.000
GRE ON
COL 0.617 0.044 14.112 0.000
COL 0.276 0.068 4.092 0.000
GRE 0.434 0.065 6.671 0.000
Intercepts
GRE 2.103 0.397 5.298 0.000
COL 2.251 0.363 6.210 0.000
Residual Variances
GRE 0.619 0.054 11.452 0.000
COL 0.561 0.053 10.677 0.000
R-SQUARE
Observed Two-Tailed
Variable Estimate S.E. Est./S.E. P-Value
GRE 0.381 0.054 7.056 0.000
COL 0.439 0.053 8.342 0.000
QUALITY OF NUMERICAL RESULTS
Condition Number for the Information Matrix 0.104E-03
(ratio of smallest to largest eigenvalue)
The chi-squared value compares the current model to a saturated model. Since our model is not saturated (i.e., our model has positive degrees of freedom), the chi-squared value is no longer zero and may be used to evaluative model fit. Similarly, the CFI and TLI which were equal to one in the just identified model now take on informative values. Further down, the RMSEA and SRMR now take on informative values (in a just identified model, they are displayed as zero). Having positive degrees of freedom, and hence, informative values of the fit indices allows us to better evaluate how well our model fits the data. The specific coefficient estimates from this model are generally interpreted as they were in the just identified model.
The content of this web site should not be construed as an endorsement of any particular web site, book, or software product by the University of California.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.7800368070602417, "perplexity": 3792.4362718023153}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-06/segments/1422120453043.42/warc/CC-MAIN-20150124172733-00140-ip-10-180-212-252.ec2.internal.warc.gz"}
|
http://physics.stackexchange.com/questions/52342/finding-orbital-eccentricity?answertab=oldest
|
# Finding orbital eccentricity
I have this problem: They give me, from a satellite that is in orbit in earth, a value for the period, and the closest height to earth surface, the ask me what the eccentricty of the orbit is. I have no idea how to do this. I've tried using Binet's equation, and the equation that comes for these movements ($p/r=1+e\cos(\theta-\theta_0)$) or the conservation of angular momentum to try to get some relations between quantities, but I can't get anything.
For example, the angular momentum is conserved, so: $$l=mr^2\dot \phi$$ I can get from here: $$\int_0^T\frac{l}{mr^2}dt=2\pi$$ Being T the period, but I don't know $r(t)$ Or the other way: $$T\frac{l}{m}=\int_0^{2\pi}r(\phi)d\phi$$ Now I now the function $r(\phi)=\frac{p}{1+e\cos\phi}$, where $p=\frac{l^2}{\mu k}$, being $l$ the angular momentum and $k$ the constant of the gravity potential: $U=-k/r$. I don't know how to integrate that if it's possible or how to use the known value of the closest point. Some help?
-
Hi MyUserIsThis - remember, this is a site for conceptual questions about physics, so can you edit your question to ask about the specific physics concept that is giving you trouble? It's very close, since you've already listed some things you tried, but what problems exactly did you run into when you tried to get relations between the quantities? In other words, why couldn't you get anything? Once you put some of that detail in I'll be happy to reopen this. – David Z Jan 27 '13 at 22:14
@DavidZaslavsky Done – MyUserIsThis Jan 27 '13 at 22:21
You're trying all of the right things, but the problem is actually much simpler---you just need to use better relations for this problem. In particular, think about kepler's law of orbital periods; and some of the general ellipse equations, like:
$r(\theta) = \frac{ a \, (1 \, - \,e^2) }{1 \, - \, e \cos \theta}$ (which is the equation you have, just expressed a little differently), and
$e = \frac{ r_{max} \, - \, r_{min} }{r_{max} \, + \, r_{min}} = \frac{r_{max} \, - \, r_{min} }{2a}$
Here, $a$ is the 'semi-major axis', $e$ the eccentricity, $\theta$ the angle of the orbit, and $r_{max}$ and $r_{min}$ are the maximum and minimum separations respectively (also referred to as 'apocenter' and 'pericenter').
Does that help?
-
Thanks for the help, I'm now doing $r(\theta)=R_{max}$, substuting $\theta=0$, the point of the maximum of that function, and getting $e$ out of the equation, I have the rest of the values, but I'm getting a result for $e=3\cdot 10^6$. That's imposible. (I found a mistake in my calculations, let me revise them) – MyUserIsThis Jan 27 '13 at 22:50
Great, still a step in the right direction. How did you find the value of $a$? – DilithiumMatrix Jan 27 '13 at 22:52
I'm stupid, I confused your $a$ with the $a$ of the wiki page you sent me, so I find your $a$, which will be the max value of the function, right? – MyUserIsThis Jan 27 '13 at 22:53
Not quite, $a$ is the semi-major axis, which is half of the widest axis of the ellipse. For eccentricity of zero (i.e. a circle), the semi-major axis is the same as the radius. The semi-major axis is always somewhere inbetween the minimum and maximum separations (the pericenter and apocenter distances). – DilithiumMatrix Jan 27 '13 at 22:59
It is true that $r_{max} = r(\theta = \pi)$, but that is not the same as the semi-major axis. $r_{max} + r_{min} = 2a$ --- which you can see in the second equation In my answer. It'll be much more clear after some sleep ;) – DilithiumMatrix Jan 27 '13 at 23:00
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 1, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9527456760406494, "perplexity": 368.1992848013651}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-35/segments/1440645257063.58/warc/CC-MAIN-20150827031417-00092-ip-10-171-96-226.ec2.internal.warc.gz"}
|
http://mathematica.stackexchange.com/questions/1146/can-the-position-of-tooltips-be-changed?answertab=active
|
# Can the position of Tooltips be changed?
Is it possible to change the position of tool tips, which currently always appear to the lower right of the mouse position. In the screen grab below the mouse is over 10000000 and the tooltip appears to the bottom right (8.0.4 on Mac).
By way of an example how would you go about making the tooltip appear to the bottom left (courtesy of photo editing):
(This was originally asked on StackOverflow, but it did not draw any answers.)
-
We'll see if this draws answers here. – rcollyer Feb 2 '12 at 3:31
On my system (Mathematica 8.0.1 Linux x64) the tooltip is displayed at the mouse position, not necessarily at the bottom right. – David Z Feb 2 '12 at 6:46
thanks @David. Just added an edit: my system is Mac. I wonder if that means that the position is something that Mma takes from the operating system. – Mike Honeychurch Feb 2 '12 at 6:51
It's easy to get the tooltip to come up to the left of the cursor; position your content along the right edge of your screen... ;-) – Brett Champion Mar 6 '12 at 1:26
Sorry, if it's a real tooltip, the answer is just simply no. Can't be done. The positioning algorithm is hard-coded into the FE source code (I just checked) and is not user-settable. You might be able to find some way to create a fake tooltip-like thing which you can have more control over, but it's just not going to be possible with the real thing. FWIW, you're the first person I'm aware of to ask for this functionality. Wasn't even on my radar before. – John Fultz Mar 6 '12 at 4:12
Improvised Tooltip using Text and Mouseover
Here's one way to improvise a tooltip for graphics objects--in this case, a list of points. It emulates a tooltip but does not leave a a drop shadow, and as István notes, has a few graphical shortcomings that make it less than ideal (clipping, under axes layer). Also, the code would need to be tweaked for objects displayed through functions other than Graphics.
[Edit: The present version makes use of Heike's suggestion to use the third parameter of Text for the offset. As Heike notes, "The units of the third argument of Text are scaled with respect to the bounding box of the first argument where {0,0} corresponds to the centre, {-1,-1} to the lower left corner, {1,1} to the upper right corner etc."]
Graphics[{PointSize[Medium],
Table[Mouseover[Point[p], {Point[p],
Text[Framed[p, Background -> LightYellow], p, {1.25, 2}]}],
{p, RandomReal[1, {10, 2}]}]}, Frame -> True,
PlotRange -> {{0, 1}, {0, 1}}, ImagePadding -> {{100, 10}, {50, 5}}]
-
You could use the third argument of Text for the vertical displacement as well, for example Text[Framed[p, Background -> LightYellow], p, {1.2, 1}]. This would make the relative position of the label independent of the plot range of the plot. – Heike Mar 8 '12 at 10:07
Thanks. I figured out how to use Scaled. What units does your adjustment use? They are not the same as scaled. Nor are they printer's points. – David Carraher Mar 8 '12 at 10:24
It looks like the third argument of Text uses characters (in the current font size) as units. If so, that is a nice alternative to Scaled. – David Carraher Mar 8 '12 at 10:32
The units of the third argument of Text are scaled with respect to the bounding box of the first argument where {0,0} corresponds to the centre, {-1,-1} to the lower left corner, {1,1} to the upper right corner etc. – Heike Mar 8 '12 at 10:51
While this is a really nice solution, showing how to improvise if reverse engineering is not available, it has some drawbacks: 1) tooltips are layered behind the axes/frames, 2) they are clipped at the edges, 3) they are not drawn using the generic functions of the OS, thus this tooltip won't look like standard tooltips on e.g. a Mac. – István Zachar Mar 8 '12 at 11:52
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.4733788073062897, "perplexity": 1310.4910512769738}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-48/segments/1448398445080.12/warc/CC-MAIN-20151124205405-00051-ip-10-71-132-137.ec2.internal.warc.gz"}
|
http://mathhelpforum.com/calculus/152876-maclaurin-polynomial.html
|
Thread: Maclaurin Polynomial
1. Maclaurin Polynomial
Q: Find the Maclaurin polynomial of order 3 for the function f(x) = e^(-2x).
I know that the Maclaurin polynomial for e^x = 1 + x + x^2/2! + x^3/3! + ...
So my question is if I would have to plug in (-2x) in the Maclaurin polynomial of e^x so I get
e^(-2x) = 1 - 2x + 2x^2 - 4x^3/3 + ...
Is this right or wrong?
2. to get the Maclaurin use the formula :
$f_{(x)}= \displaystyle \sum_{n=0} ^{\infty} \displaystyle \frac {f_{(0)}^{(n)}}{n!} x^n$
where is $f_{(0)}^{(n)}$ nth derivative...
so it goes
$f_{(0)}=e^{-2\cdot0}=1$
$f'_{x}=(e^{-2x})'=\displaystyle -\frac {2}{e^{2x}} \mid _{x=0} = -2$
$f''_{x}=(e^{-2x})''=\displaystyle \frac {4}{e^{2x}} \mid _{x=0} = 4$
$f'''_{x}=(e^{-2x})''' =\displaystyle -\frac {8}{e^{2x}} \mid _{x=0} =-8$
$f^{(4)}_{x}=(e^{-2x})^{(4)}=\displaystyle \frac {16}{e^{2x}} \mid _{x=0} = 16$
and so on .... and u have :
$f_{(x)}= \displaystyle \sum _{n=0} ^{\infty} \frac {(-1)^{n}}{n!} \cdot ......$
i think u can do that
3. Originally Posted by katchat64
Q: Find the Maclaurin polynomial of order 3 for the function f(x) = e^(-2x).
I know that the Maclaurin polynomial for e^x = 1 + x + x^2/2! + x^3/3! + ...
So my question is if I would have to plug in (-2x) in the Maclaurin polynomial of e^x so I get
e^(-2x) = 1 - 2x + 2x^2 - 4x^3/3 + ...
Is this right or wrong?
It is right! (But why?)
4. I know the formula I was just looking to see some work to see if I did the problem correctly. In another problem that I had in an exam consisted of the Maclaurin polynomial of 1/(1-x) = 1 + x + x^2 + X^3 + ...
and the professor wanted us to find the power series representation of 1/(1-x^3) and to figure that out you needed to put an x^3 wherever there was an x in the original given equation.
So I thought since I know the Maclaurin polynomial of e^x I thought that you were able to plug in (-2^x) wherever there was an x in that original polynomial.
5. Originally Posted by katchat64
I know the formula I was just looking to see some work to see if I did the problem correctly. In another problem that I had in an exam consisted of the Maclaurin polynomial of 1/(1-x) = 1 + x + x^2 + X^3 + ...
and the professor wanted us to find the power series representation of 1/(1-x^3) and to figure that out you needed to put an x^3 wherever there was an x in the original given equation.
So I thought since I know the Maclaurin polynomial of e^x I thought that you were able to plug in (-2^x) wherever there was an x in that original polynomial.
yes but i think yours 3rd member is wrong should be $4x^2$
just to note that when u mentioned that one $\displaystyle \frac {1}{1-x}$ that is from $\displaystyle \sum _{n=0} ^{\infty} x^n$ when $|x|<1$ we had have a lot of times to find $\displaystyle \frac {1}{(1-x)^2}$ or $\displaystyle \frac {1}{(1-x)^3}$ which are just a derivate of $\displaystyle \frac {1}{1-x}$ and actually using that Maclouren $\displaystyle \frac {1}{1-x} = \displaystyle \sum _{n=0} ^{\infty} x^n$ u can have a lot of another to do based on that one, you just have to tune it so it looks like that one
there is like 5 - 10 depending on school to school that u should know by heart and everything goes around them (at least here )
Edit:just remembered something to note
6. Originally Posted by yeKciM
yes but i think yours 3rd member is wrong should be $4x^2$
No, the third term for $e^x$ is $\frac{1}{2}x^2$. Replacing x by -2x gives $\frac{(-2x)^2}{2}= \frac{4x^2}{2}= 2x^2$ as katchat64 has.
katchat64, yes, your method is completely correct.
7. Originally Posted by HallsofIvy
No, the third term for $e^x$ is $\frac{1}{2}x^2$. Replacing x by -2x gives $\frac{(-2x)^2}{2}= \frac{4x^2}{2}= 2x^2$ as katchat64 has.
katchat64, yes, your method is completely correct.
thank you for some reason i leave factorials as they are because in my mind i always thinking of it as sum there and then just looking for how does changes... leaving down that factorial thanks again
find the fifth maclaurin polynomial for f(x)=x^3*e^(3x)
Click on a term to search for related topics.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 23, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.7512346506118774, "perplexity": 420.5543628700762}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": false}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2017-09/segments/1487501173405.40/warc/CC-MAIN-20170219104613-00530-ip-10-171-10-108.ec2.internal.warc.gz"}
|
https://help.altair.com/winprop/topics/winprop/user_guide/propagation_methods/propgation_models_terrain_compare_models.htm
|
# Comparison between the Hata-Okumura and Parabolic Equation Models
Differences between the Hata-Okumura and parabolic equation models are exemplified in the prediction of shadowing.
Figure 1 and Figure 2 show the two prediction results (Hata-Okumura model and parabolic equation model):
Figure 3 and Figure 4 show the height profile and the difference of the two prediction results
When looking at the difference plot with consideration of the height profile, the parabolic equation model accounts much better for shadowing effects as they occur in valleys. On the other hand, the Hata-Okumura model is too pessimistic in cases where both the transmitter and the receiver are located on hills.
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8819482922554016, "perplexity": 882.5273857748468}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2023-14/segments/1679296950528.96/warc/CC-MAIN-20230402105054-20230402135054-00466.warc.gz"}
|
https://meangreenmath.com/category/precalculus/
|
Adding by a Form of 0: Index
I’m doing something that I should have done a long time ago: collecting a series of posts into one single post. The following links comprised my series on adding by a form of 0 (analogous to multiplying by a form of 1).
Part 1: Introduction.
Part 2: The Product and Quotient Rules from calculus.
Part 3: A formal mathematical proof from discrete mathematics regarding equality of sets.
Part 4: Further thoughts on adding by a form of 0 in the above proof.
My Favorite One-Liners: Part 121
I’ll use this one-liner when I ask my students to do something that’s a little conventional but nevertheless within their grasp. For example, consider the following calculation using a half-angle trigonometric identity:
$\cos \displaystyle \frac{5\pi}{8} = \cos \displaystyle \left( \frac{1}{2} \cdot \frac{5\pi}{4} \right)$
$= \displaystyle - \sqrt{ \frac{1 + \cos 5\pi/4}{2} }$
$= \displaystyle - \sqrt{ \frac{ 1 - \displaystyle \frac{\sqrt{2}}{2}}{2} }$
$= \displaystyle - \sqrt{ \frac{ ~~~ \displaystyle \frac{2-\sqrt{2}}{2} ~~~}{2} }$
$= \displaystyle - \sqrt{ \frac{2 - \sqrt{2}}{4}}$
$= \displaystyle - \frac{ \sqrt{2 - \sqrt{2}}}{\sqrt{4}}$
$= \displaystyle - \frac{ \sqrt{2 - \sqrt{2}}}{2}$
That’s certainly a very complicated calculation, with plenty of predictable places where a student might make an inadvertent mistake.
In my experience, one somewhat surprising place that can trip up students seeing such a calculation for the first time is the very first step: changing $\displaystyle \frac{5\pi}{8}$ into $\displaystyle \frac{1}{2} \cdot \frac{5\pi}{4}$. Upon reflection, perhaps this isn’t so surprising: students are very accustomed to taking a complicated expression like $\displaystyle \frac{1}{2} \cdot \frac{5\pi}{4}$ and making it simpler. However, they aren’t often asked to take a simple expression like $\displaystyle \frac{5\pi}{8}$ and make it more complicated.
So I try to make this explicitly clear to my students. A lot of times, we want to make a complicated expression simple. Sometimes, we have to go the other direction and make a simple expression more complicated. Students should be able to do both. And, to try to make this memorable for my students, I use my one-liner:
“In the words of the great philosopher, you gotta know when to hold ’em and know when to fold ’em.”
Yes, that’s an old song reference. My experience is that most students have heard the line before but unfortunately can’t identify the singer: the late, great Kenny Rogers.
Engaging students: Dot product
In my capstone class for future secondary math teachers, I ask my students to come up with ideas for engaging their students with different topics in the secondary mathematics curriculum. In other words, the point of the assignment was not to devise a full-blown lesson plan on this topic. Instead, I asked my students to think about three different ways of getting their students interested in the topic in the first place.
I plan to share some of the best of these ideas on this blog (after asking my students’ permission, of course).
This student submission comes from my former student Haley Higginbotham. Her topic, from Precalculus: computing a dot product.
A1. What interesting (i.e., uncontrived) word problems using this topic can your students do now?
For the dot product of vectors, there are lots of word problems regarding physics that you could do that students would find more interesting than word problems self-contained in math. For example, you could say that “you are trying to hit your teacher with a water balloon. Your first try had a certain velocity and distance in front of the teacher, and your second try had a certain velocity and distance behind the teacher. In order to hit the teacher, you will need half the angle between the vectors to hit the teacher. Figure out what angle and velocity you would need to hit the teacher with a water balloon.” This could also turn into an activity, where the students get to test their guesses to see if they can get close enough. There would be need to be something they could use to accurately catapult their water balloon, but that’s a different problem entirely.
B1. How can this topic be used in your students’ future courses in mathematics or science?
The dot product (and vectors in general) can be seen in physics, calculus 3, linear algebra, vector calculus, numerical analysis, and a bunch of other upper level math and science courses. Of course, not all students are going to be taking upper level math and science courses. However, out of the students going into STEM majors, they most assuredly will see the dot product and by seeing how vectors work earlier in their math careers, they will be more comfortable manipulating something they have already seen before. Also, the dot product and vectors are very useful as a tool to use in upper levels of math and in many different applications of engineering and computer science. In the game design, the dot product can be used to help engineer objects movements in the game work more realistically as a single unit and in relation to other objects.
E1. How can technology be used?
Geogebra is a great site to use since it has a tool https://www.geogebra.org/m/PGHaDjmD that will visually show you how the dot product works. It’s awesome because you get multiple different representations side by side, so that students who understand at different levels can all get something from this visual, interactive program. They can see how changing the position of the vectors changes the dot product and how it relates to the angle between the two vectors. Also, students will most likely be more engaged with this activity than just doing a bunch of examples with no real concept of how all of these pieces relate together which is not good in terms of promoting conceptual understanding. I think you could also use Desmos as an activity builder to make something similar to the above tool if students find the tool confusing to either use or look at.
Engaging students: Powers and exponents
In my capstone class for future secondary math teachers, I ask my students to come up with ideas for engaging their students with different topics in the secondary mathematics curriculum. In other words, the point of the assignment was not to devise a full-blown lesson plan on this topic. Instead, I asked my students to think about three different ways of getting their students interested in the topic in the first place.
I plan to share some of the best of these ideas on this blog (after asking my students’ permission, of course).
This student submission comes from my former student Andrew Cory. His topic, from Pre-Algebra: powers and exponents.
B1. How can this topic be used in your students’ future courses in mathematics or science?
Exponents are just an easier way to multiply the same number by itself numerous times. They extend on the process of multiplication and allow students to solve expressions such as 2*2*2*2 quicker by writing them as $2^4$. They are used constantly in future math courses, almost as commonly as addition and multiplication. Exponential functions start becoming more and more common as well. They’re used to calculate things such as compounding interest, or growth and decay. They also become common when finding formulas for sequences and series.
In science courses, exponents are often used for writing very small or very large numbers so that calculations are easier. Large masses such as the mass of the sun are written with scientific notation. This also applies for very small measurements, such as the length of a proton. They are also used in other ways such as bacteria growth or disease spread which apply directly to biology.
C2. How has this topic appeared in pop culture (movies, TV, current music, video games, etc.)?
Any movie or TV show about zombies or disease outbreaks can be referenced when talking about exponents, and exponential growth. The rate at which disease outbreaks spread is exponential, because each person getting infected has a chance to get more people sick and it spreads very quickly. This can be a fun activity to demonstrate with a class to show how quickly something can spread. A teacher can select one student to go tap another student on the shoulder, then that student also gets up and walks around and taps another student. With students getting up and “infecting” others, more and more people stand up with each round, showing how many people can be affected at once when half the class is already up and then the other half gets up in one round.
D1. What interesting things can you say about the people who contributed to the discovery and/or the development of this topic?
Euclid discovered exponents and used them in his geometric equations, he was also the first to use the term power to describe the square of a line. Rene Descartes was the first to use the traditional notation we use for exponents today. His version won out because of conceptual clarity. There isn’t exactly one person credited with creating exponents, it is more of a collaborative thing that got added onto over time. Archimedes discovered and proved the property of powers that states $10^a * 10^b = 10^{a+b}$. Robert Recorde, the mathematician who created the equals sign, used some interesting terms to describe higher powers, such as zenzizenzic for the fourth power and zenzizenzizenzic for the eighth power. At a time, some mathematicians, such as Isaac Newton, would only use exponents for powers 3 and greater. Expressing things like polynomials as $ax3+bxx+cx+d$.
References:
Berlinghoff, W. P., & Gouvêa, F. Q. (2015). Math through the ages: A gentle history for teachers and others.
Wikipedia contributors. (2019, August 28). Exponentiation. In Wikipedia, The Free Encyclopedia. Retrieved 00:24, August 31, 2019, from https://en.wikipedia.org/w/index.php?title=Exponentiation&oldid=912805138
Engaging students: Arithmetic series
In my capstone class for future secondary math teachers, I ask my students to come up with ideas for engaging their students with different topics in the secondary mathematics curriculum. In other words, the point of the assignment was not to devise a full-blown lesson plan on this topic. Instead, I asked my students to think about three different ways of getting their students interested in the topic in the first place.
I plan to share some of the best of these ideas on this blog (after asking my students’ permission, of course).
This student submission comes from my former student Eduardo Torres Manzanarez. His topic, from Precalculus: arithmetic series.
A1) What interesting (i.e., uncontrived) word problems using this topic can your students do now?
One interesting word problem to ask students to get them thinking about the idea of an arithmetic series, specifically a finite arithmetic series, is to have students come up with the total sum of the first 100 positive integers larger than 0 (i.e., 1 to 100) without actually adding all the integers up. Students will probably not figure out the total sum without adding the integers up one by one but if students are shown these numbers physically as cards labeled then a few might notice that the numbers taken at each end form pairs that add to the same sum. Turns out that the total sum is the number of pairs multiplied by 101. It can be explained to students that the 101 results from taking the first term and the last term (i.e., 1 and 100) and seeing that the sum is 101. This is true when we add 2 and 99, 3 and 98, 4, and 97, and so on. Hence, we will have 50 pairs since we have 100 numbers and so we have 50*101 as our sum. This problem can be extended to the story Gauss and how he apparently solved this problem as a child relatively fast and the teacher pointed out this question to them because he was apparently lazy. Now, this can be extended to adding all the integers from 1 to 200 and so on and having students come up with a general formula. Students can then think about an odd number of integers and see if that formula holds. Lastly, the connection between adding a number of terms with the same difference between each term is defined as an arithmetic series and so all the problems they have been doing are arithmetic problems in disguise.
B2) How can this topic be used in your students’ future courses in mathematics and science?
This topic is heavily used when discussing convergence in calculus. It provides insight into the validity that every series has a total sum that can be written as a number. Turns out this is true for all series that are finite but when discussing infinite series, it can be true of false that it converges to an actual value. So, students will have to ponder this idea for infinite arithmetic series in the future. Also, arithmetic series can be used to model certain situations in science within biology and physics. Thinking about arithmetic series provides information in tackling other types of series such as geometric in terms of behavior and solution. How does a geometric series behave? Well, each term increases with a common ratio instead of a common addition. Does the finite series converge? Yes, we know that every finite series does and this one basically behaves like the arithmetic in which we can easily find the total sum using a formula. Does the infinite series converge? Well, just like an arithmetic series it depends on the situation and the terms within the problem.
C1) How has this topic appeared in pop culture (movies, TV, current music, video games, etc.)?
This topic has appeared in a particular movie called “All Quiet on the Western Front” which was released in 1930 and is an adaption of the novel that was published in 1929 by Erich Remarque. Within this movie, there is a scene in which a soldier states the formula for finding the sum of an arithmetic series. The soldier specifically states the formula S = A + N*(L / 2) and this corresponds to arithmetic series in accordance with the area of a rectangle and the area of a triangle. This is in a way a longer version of the short-hand formula we use today. One particular statement made from the soldier is that he mentions how beautiful the formula is. For some students, they can probably relate to the idea that something so complicated as adding 100000 terms that have a constant difference can be found using a short formula. Many problems in mathematics seem complicated at first in accordance with doing “grunt work” but many of them have beautiful solutions to them.
Engaging students: Computing logarithms with base 10
In my capstone class for future secondary math teachers, I ask my students to come up with ideas for engaging their students with different topics in the secondary mathematics curriculum. In other words, the point of the assignment was not to devise a full-blown lesson plan on this topic. Instead, I asked my students to think about three different ways of getting their students interested in the topic in the first place.
I plan to share some of the best of these ideas on this blog (after asking my students’ permission, of course).
This student submission comes from my former student Andrew Sansom. His topic, from Precalculus: computing logarithms with base 10.
D1. How can technology (YouTube, Khan Academy [khanacademy.org], Vi Hart, Geometers Sketchpad, graphing calculators, etc.) be used to effectively engage students with this topic?
The slide rule was originally invented around 1620, shortly after Napier invented the logarithm. In its simplest form, it uses two logarithmic scales that slide past each other, allowing one to multiply and divide numbers easily. If the scales were linear, aligning them would add two numbers together, but the logarithmic scale turns this into a multiplication problem. For example, the below configuration represents the problem: $14 \times 18=252$.
Because of log rules, the above problem can be represented as:
$\log 14 + \log 18 = \log 252$
The C-scale is aligned against the 14 on the D-scale. The reticule is then translated so that it is over the 18 on the C-scale. The sum of the log of these two values is the log of their product.
Most modern students have never seen a slide rule before, and those that have heard of one probably know little about it other than the cliché “we put men on the moon using slide rules!” Consequently, there these are quite novel for students. A particularly fun, engaging activity to demonstrate to students the power of logarithms would be to challenge volunteers to a race. The student must multiply two three-digit numbers on the board, while the teacher uses a slide rule to do the same computation. Doubtless, a proficient slide rule user will win every time. This activity can be done briefly but will energize the students and show them that there may be something more to this “whole logarithm idea” instead of some abstract thing they’ll never see again.
How can this topic be used in your students’ future courses in mathematics or science?
Computing logarithms with base 10, especially with using logarithm properties, easily leads to learning to compute logarithms in other bases. This generalizes further to logarithmic functions, which are one of the concepts from precalculus most useful in calculus. Integrals with rational functions usually become problems involving logarithms and log properties. Without mastery of the aforementioned rudimentary skills, the student is quickly doomed to be unable to handle those problems. Many limits, including the limit definition of e, Euler’s number, cannot be evaluated without logarithms.
Outside of pure math classes, the decibel is a common unit of measurement in quantities that logarithmic scales with base 10. It is particularly relevant in acoustics and circuit analysis, both topics in physics classes. In chemistry, the pH of a solution is defined as the negative base-ten logarithm of the concentration of hydrogen ions in that solution. Acidity is a crucially important topic in high school chemistry.
A1. What interesting (i.e., uncontrived) word problems using this topic can your students do now?
Many word problems could be easily constructed involving computations of logarithms of base 10. Below is a problem involving earthquakes and the Richter scale. It would not be difficult to make similar problems involving the volume of sounds, the signal to noise ratio of signals in circuits, or the acidity of a solution.
The Richter Scale is used to measure the strength of earthquakes. It is defined as
$M = \log(I/S)$
where $M$ is the magnitude, $I$ is the intensity of the quake, and $S$ is the intensity of a “standard quake”. In 1965, an earthquake with magnitude 8.7 was recorded on the Rat Islands in Alaska. If another earthquake was recorded in Asia that was half as intense as the Rat Islands Quake, what would its magnitude be?
Solution:
First, substitute our known quantity into the equation.
$8.7=\log I_{rat}/S$
Next, solve for the intensity of the Rat Island quake.
$S \times 10^{8.7} = I_{rat}$
Now, substitute the intensity of the new quake into the original equation.
$M_{new}=\log (I_{new}/S)$
$=\log(0.5I_{rat}/S)$
$=\log (0.5S \cdot 10^{8.7}/S)$
$= \log (0.5 \cdot 10^{8.7})$
$= \log 0.5+ \log 10^{8.7}$
$=\log 0.5+8.7$
$=-0.303+8.7$
$=8.398$
Thus, the new quake has magnitude 8.393 on the Richter scale.
References:
Earthquake data from Wikipedia’s List of Earthquakes (https://en.wikipedia.org/wiki/Lists_of_earthquakes#Largest_earthquakes_by_magnitude)
Slide rule picture is a screenshot of Derek Ross’s Virtual Slide Rule (http://www.antiquark.com/sliderule/sim/n909es/virtual-n909-es.html)
Engaging students: Using right-triangle trigonometry
In my capstone class for future secondary math teachers, I ask my students to come up with ideas for engaging their students with different topics in the secondary mathematics curriculum. In other words, the point of the assignment was not to devise a full-blown lesson plan on this topic. Instead, I asked my students to think about three different ways of getting their students interested in the topic in the first place.
I plan to share some of the best of these ideas on this blog (after asking my students’ permission, of course).
This student submission comes from my former student Cody Luttrell. His topic, from Precalculus: using right-triangle trigonometry.
A.1 Now that students are able to use right triangle trigonometry, there is many things that they can do. For example, they know how to take the height of buildings if needed. If they are standing 45 feet away from a building and they have to look up approximately 60 degrees to see the top of the building, they can approximate the height of the building by using what they know about right triangle trigonometry. Ideally, they would say that the tan(60 degree)= (Height of building)/(distance from building = 45). They can now solve for the height of the building. The students could also use right triangle trigonometry to solve for the elevation it takes to look at the top of a building if they know the distance they are from the building and the height of the building. It would be set up as the previous example, but the students would be using inverse cosine to solve for the elevation.
A.2 An engaging activity and/or project I could do would be to find the height of a pump launch rocket. Let’s say I can find a rocket that states that it can travel up to 50 feet into the air. I could pose this problem to my students and ask how we can test to see if that is true. Some students may guess and say by using a measuring tape, ladder, etc. to measure the height of the rocket. I would then introduce right triangle trigonometry to the students. After a couple of days of practice, we can come back to the question of the height of the rocket. I could ask how the students could find the height of the rocket by using what we have just learned. Ideally, I would want to here that we can use tangent to find the height of the rocket. By using altimeters, I would then have the students stand at different distances from the rocket and measure the altitude. They would then compute the height of the rocket.
D.1 In the late 6th century BC, the Greek mathematician Pythagoras gave us the Pythagorean Theorem. This states that in a right triangle, the distance of the two legs of a right triangle squared added together is equal to the distance of the hypotenuse squared ($a^2+b^2=c^2$). This actually was a special case for the law of cosines ($c^2=a^2+b^2-2ab\cos(\theta)$). By also just knowing 2 side lengths of a right triangle, one may use the Pythagorean Theorem to solve for the third side which will then in return be able to give you the six trigonometric values for a right triangle. The Pythagorean Theorem also contributes to one of the most know trigonometric identities, $\sin^2 x+\cos^2 x=1$. This can be seen in the unit circle where the legs of the right triangle are $\sin x$ and $\cos x$ and the hypotenuse is 1 unit long. Because Pythagoras gave us the Pythagorean Theorem, we were then able to solve more complex problems by using right triangle trigonometry.
My Favorite One-Liners: Part 120
I used these shirts as props when teaching Precalculus this week, and they worked like a charm.
After deriving the three Pythagorean identities from trigonometry, I told my class that I got these hand-made his-and-hers T-shirts for my wife’s birthday a couple of years ago. If you can’t see from the picture, one says $\sin^2 \theta$ and the other $\cos^2 \theta$.
After holding up the shirts, I then asked the class what mathematical message was being communicated.
After a few seconds, someone ventured a guess: “We add up to 1?”
I answered, “That’s right. Together, we’re one.”
Whereupon the class spontaneously reacted with a loud “Awwwwwwwwww.”
I was exceedingly happy.
Engaging students: Graphing a hyperbola
In my capstone class for future secondary math teachers, I ask my students to come up with ideas for engaging their students with different topics in the secondary mathematics curriculum. In other words, the point of the assignment was not to devise a full-blown lesson plan on this topic. Instead, I asked my students to think about three different ways of getting their students interested in the topic in the first place.
I plan to share some of the best of these ideas on this blog (after asking my students’ permission, of course).
This student submission comes from my former student Biviana Esparza. Her topic, from Precalculus: graphing a hyperbola.
B2. How does this topic extend what your students should have learned in previous courses?
Prior to learning about conics and hyperbolas in precalculus, students should be able to identify different shapes and figures and learn to identify cross sections of prisms, pyramids, cylinders, cones, and spheres, from geometry class. In algebra 2, students learn to write quadratic equations and learn vocabulary such as vertex, foci, directrix, axis of symmetry, and direction of opening, all which are used when dealing with hyperbolas as well.
How has this topic appeared in pop culture?
The sport of baseball originates back before the Civil War and has come to be known as America’s pastime. On average, 110 balls are used in a major league baseball game, because the balls are usually tossed out if they’ve touched the dirt. Baseballs have a rubber or cork center, wrapped in yearn, and covered with leather sown together tightly by 108 stitches of red string. The stitches are in a hyperbola shape if looked at from a certain angle and depending on how the pitcher has held the stitches, different pitches are thrown.
E1. How can technology be used to effectively engage students with this topic?
Desmos is a great, interactive website that has many activities that can be used in the classroom. One of the activities it has is called Polygraph: Conics. The Desmos activity is similar to the board game Guess Who? in which students are in pairs and will ask yes or no questions to guess the graph of a hyperbola or ellipse of their choosing. This activity encourages students to make good questions and use precise vocabulary and academic language when describing conics, specifically over ellipses and hyperbolas, so that they can win the game.
Engaging students: Law of Sines
In my capstone class for future secondary math teachers, I ask my students to come up with ideas for engaging their students with different topics in the secondary mathematics curriculum. In other words, the point of the assignment was not to devise a full-blown lesson plan on this topic. Instead, I asked my students to think about three different ways of getting their students interested in the topic in the first place.
I plan to share some of the best of these ideas on this blog (after asking my students’ permission, of course).
This student submission comes from my former student Tiger Hersh. His topic, from Precalculus: the Law of Sines.
How does this topic extend what your students should have learned in previous courses?
This topic can be extended to geometry where students must be able to use trigonometric identities (1) to identify the degree or length in order to use the Law of Sines. The issue about trigonometric identities is that you can only use them on right triangles (2). However, with the Law of Sines, students are able to use the trigonometric identities they have learned in Geometry and are able to draw a perpendicular line across a non-right triangle (3) and then apply the Law of Sines to solve either the height of the triangle, the length of the side of the triangle, or the degree of an angle of the triangle. So, the Law of Sines use the idea of trigonometric identities from Geometry in order to be applicable.
How can this topic be used in your students’ future courses in mathematics or science? Unit circle calculus / solving for height of triangles
Students are able to the Law of Sines in order to find the height or degree of a triangle on the unit circle in precalculus or to calculator vector quantities in physics. The Law of Sines is prominent in the unit circle which is noticeable in the linked website which will provide students a connection from the Law of Sines to the unit circle. The Law of Sines also connects to physics where vectors used to show motion and direction in two dimensional space. The Law of sines may also be applied in physics where in (2); The vectors form a non-right triangle. The vectors ‘length’ can be determined by identifying the magnitude of each vector and then using the method as described before to use the Law of Sines in-order to find vector r.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 37, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.678225576877594, "perplexity": 525.9347297983223}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-17/segments/1618038118762.49/warc/CC-MAIN-20210417071833-20210417101833-00365.warc.gz"}
|
https://electrical.codidact.com/?sort=lottery
|
### Communities
tag:snake search within a tag
user:xxxx search by author id
score:0.5 posts with 0.5+ score
"snake oil" exact phrase
created:<1w created < 1 week ago
post_type:xxxx type of post
Q&A
General Q&A about the design and function of electronic systems, electric power systems and infrastructure, their theory, and tools specific to those fields. Read these guidelines before posting.
269 posts ·
40%
+0 −1
Hi guys, I need to calculate the voltage that will center the magnetic field of a coil. The coil gonna be used in an induction heater thank you. Edit: I edited the paragraph because it was misu...
1 answer · posted 1d ago by Freewell · edited 2h ago by Freewell
66%
+2 −0
I have a question about stray current corrosion in reinforced conrete. I am working on a project in a parking garage with PV-panels on top of the roof. The ground is directly connected to reinforce...
1 answer · posted 10h ago by Willem · edited 5h ago by Olin Lathrop
25%
+0 −4
Im studying the equivalent model of a BJT common emitter amplifier at high frequencies.At university we tought that the BJT at high frequencies looks something like this: However when designing ...
0 answers · posted 27d ago by MissMulan · closed 27d ago by Olin Lathrop
77%
+5 −0
I have recently finished designing a buck-boost converter for a job that uses a split (+/-) input power supply. Load power is taken equally from both positive and negative input supplies and, the ...
1 answer · posted 2mo ago by Andy aka · edited 2mo ago by Andy aka
66%
+2 −0
I have a design of a power line communication using the following IC. https://www.yamar.com/datasheet/DS-SIG60.pdf My design is the same as the example circuit in the datasheet of the chip. Th...
2 answers · posted 2mo ago by DeadMouse · last activity 2mo ago by TonyStewart
71%
+3 −0
I am looking to improve my knowledge of embedded systems programming, specifically regarding microcontrollers and embedded Linux systems. A lot of the information that can be found regarding C/C++...
1 answer · posted 4mo ago by Mu3 · last activity 4mo ago by Olin Lathrop
75%
+4 −0
[Disclaimer. This is not for an academic class. I'm self-studying.] I’m reading an introductory book on DSP for audio and computer music [Steiglitz 1996, ISBN 0-8053-1684-1 p. 287]. One of the ...
3 answers · posted 2mo ago by Nick Alexeev · last activity 1mo ago by Olin Lathrop
71%
+3 −0
I want to create a schematic symbol and reuse it for multiple ICs which have identical pinouts. For example, OpaMPS, or the venerable SN74LS00, SN74HC00, SN74HCT00. How can I do this in an Altium...
1 answer · posted 5mo ago by Nick Alexeev · last activity 4mo ago by Mu3
60%
+1 −0
Signals with frequency above the cutoff frequency of a transmission line cannot be transmitted through the transmission line. But how can I calculate the cutoff frequency of a single phase transm...
0 answers · posted 5mo ago by MissMulan · reopened 5mo ago by Olin Lathrop
71%
+3 −0
I am using two 18650 cells in series to power a RC car. Is the voltage goes below 6.2 V, the battery should be disconnected to prevent over discharging the battery. At the same time I want to imple...
2 answers · posted 4mo ago by Stefan · edited 4mo ago by Stefan
66%
+4 −1
There are various different methods to keep common mode currents off the cables, one of them being discussed on the site here and with Olin's decoupling caps post on StackExchange. Slight digressio...
1 answer · posted 10d ago by 2kind · last activity 4d ago by TonyStewart
77%
+5 −0
First I noticed that clock begins before chipselect gets pulled low on SPI. After eliminating potential sources I started to suspect the scope. I connected all 4 channels to function generator at d...
3 answers · posted 5mo ago by Elleanor Lopez · last activity 5mo ago by Elleanor Lopez
71%
+3 −0
Hi guys so i am planning to use LM318 operational amplifier to generate a pwm signal and i need to know how to calculate the rise/fall time thank you. LM318/LM218/LM118 datasheet Edit: -The slew...
1 answer · posted 15d ago by Freewell · last activity 13d ago by Olin Lathrop
71%
+3 −0
I have a non-invasive current sense transformer (SCT-013-030) which according to its datasheet it is voltage output type. I want to harvest energy and supply a wireless sensor that consumes 5-6 uA...
1 answer · posted 1mo ago by DeadMouse · last activity 1mo ago by Andy aka
75%
+4 −0
Whenever declaring a variable in C outside a function at file scope or when specifying it as static, it gets assigned a life time known as static storage duration. Meaning it will be accessible thr...
1 answer · posted 21d ago by Lundin · last activity 21d ago by Lundin
20%
+0 −6
Before the circuit here are the digital blocks which have been already designed and exist as part of the division block 1 bit subtractor: 2 bit subtractor(in the digital block diagram of the di...
0 answers · posted 4mo ago by MissMulan · closed 4mo ago by Olin Lathrop
66%
+2 −0
A full wave rectifier converts a sine wave to DC pulsed signal of double frequency. Is there a circuit which does the reverse process?
2 answers · posted 4mo ago by MissMulan · last activity 4mo ago by TonyStewart
28%
+0 −3
The thermal stability coefficient is defined to be: $S = \frac{dI_{C}}{dI_{CBO}}$ where $I_{CBO}$ is the reverse current of the BJT when voltage isnt applied to the base of the BJT. In case of a ...
1 answer · posted 1mo ago by MissMulan · last activity 1mo ago by TonyStewart
50%
+0 −0
If we have the transfer function of a LC high pass filter: $H(s) = \frac{sL}{sL+\frac{1}{sC}}$ If we want to find the pole of that filter in the end we get: $s = \frac{j}{\sqrt{LC}}$ and for a ...
3 answers · posted 5mo ago by MissMulan · last activity 5mo ago by Andy aka
75%
+4 −0
My scenario is this: radio equipment controlling an overhead crane inside a steel mill. Specifically it is used for transporting melting pots. With the current, unfortunate installation, the antenn...
1 answer · posted 6mo ago by Lundin · last activity 6mo ago by Olin Lathrop
66%
+2 −0
I want to design a simple battery charger using MCP73831/2. This chip has a 3-State state pin according to the table below: I have a 3.3V MCU and I want to connect this pin to a GPIO. The MCU is...
1 answer · posted 8mo ago by dekker · last activity 8mo ago by Olin Lathrop
71%
+3 −0
Homework problem A MOSFET has a power dissipation of $P_{d} = 10\text{W}$. The MOSFET is mounted on a heatsink. There is an isolation pad between the MOSFET case and the heatsink. We are given t...
1 answer · posted 9mo ago by Carl · edited 9mo ago by Olin Lathrop
25%
+0 −4
Instead of using a buck or a boost converter can we use for DC-DC conversion the circuit Im going to describe in the next lines? First we begin with a Hartley oscillator whose output is fed into ...
0 answers · posted 5mo ago by MissMulan · edited 5mo ago by MissMulan
71%
+3 −0
I am generating files for manufacturing my design in Altium 22 and ordering through Eurocircuits. What I noticed during the ordering process is that the rotation of many components (and sometimes ...
1 answer · posted 4mo ago by Mu3 · last activity 4mo ago by DSI
81%
+7 −0
I am analysing a pulse transformer which is required to transfer below communication protocol pulse from primary to the secondary side. The pulse duration is 32 μs and off time available to reset t...
2 answers · posted 3mo ago by kadamrohan16 · last activity 3mo ago by Andy aka
75%
+4 −0
The plugs for microphones and for earphones are the same, however their functionality obviously is quite different. Now because of the same plugs it is easy to insert one of them in the wrong socke...
2 answers · posted 3mo ago by celtschk · last activity 3mo ago by TonyStewart
50%
+0 −0
I've seen a few different circuits (a) (b) (c) (d) described as "an O-ring circuit" or "an optimal O-ring circuit". What does the "O" and the "ring" refer to in such circuits? How do "O-ring circ...
0 answers · posted 9mo ago by DavidCary · closed 9mo ago by Olin Lathrop
75%
+4 −0
A taper pad is a resistive attenuator that maintains impedances on both ports and provides a specific amount of gain-loss ($A_{12}$): - I have derived formulas for each resistor (that I know to ...
2 answers · posted 2mo ago by Andy aka · last activity 2mo ago by a concerned citizen
50%
+0 −0
I have been trying to model this oscillator I was wondering if we can somehow predict the frequency of the oscillations.For small currents inside a diode from the Shockley diode equation $$e^{x... 1 answer · posted 5mo ago by MissMulan · last activity 5mo ago by a concerned citizen 71% +3 −0 I am calculating the base current of transistor Q1. To simplify the circuit equations, I applied the Thévenin's theorem twice and converted V1 and R1, R2 into Vth and Rth as shown in the image. Vt... 2 answers · posted 7mo ago by kadamrohan16 · last activity 7mo ago by Olin Lathrop 33% +0 −2 I was studying the Re model of a transistor: But the Re model for 2 different configurations (common emitter and common base )turns out to be the same! I don't know why I am really confused.How... 2 answers · posted 6mo ago by MissMulan · last activity 6mo ago by LvW 57% +2 −1 I have designed a graph of the current in a photoresistor related to the brightness of light which hits the photoresistor. Our professor told us that it is more correct to draw the Current/Brigh... 1 answer · posted 10mo ago by MissMulan · last activity 10mo ago by Olin Lathrop 33% +0 −2 The small signal analysis of a BJT when the BJT is in amplification mode: is easy.However what happens when the BJT is in saturation mode? Can we replace the dependent current source with a r... 1 answer · posted 5mo ago by MissMulan · edited 5mo ago by MissMulan 42% +1 −2 Hi guys, Can anyone help me please replace the NE555 IC in this circuit by MIC1555. I need to modify also the Voltage to 18v thank you. MIC1555 datasheet NE555 datasheet Edit: The circuit a... 0 answers · posted 15d ago by Freewell · edited 12d ago by Freewell 62% +3 −1 I'm designing remote controller based on NRF24L01 and STM32. I want to use SMA antenna. My question is regarding power amplifier (PA). When is it necessary to use one? The range I'm aiming for is 2... 3 answers · posted 3mo ago by Stefan · last activity 3mo ago by Andy aka 33% +0 −2 I am designing a low-pass filter with cut-off frequency = 100Hz and after the cutoff frequency from -3dB to -10dB the average decrease in db/Hz = -0.1 db/Hz.I know how to design a low-pass filter ... 2 answers · posted 5mo ago by MissMulan · edited 5mo ago by MissMulan 66% +4 −1 I have a 30MHz TCXO circuit (TXCO datasheet) like this serving as local oscillator to a RFIC: The RFIC manufacturer recommends to "add filtering caps" for high RF output cases. That is >20d... 1 answer · posted 10mo ago by Lundin · edited 10mo ago by Lundin 50% +0 −0 I am trying to find the AC analysis of a BJT Hartley oscillator but I cannot continue. How do I find the voltage gain? When no feedback is there, we just find the output resistance and the current... 1 answer · posted 5mo ago by MissMulan · edited 5mo ago by MissMulan 28% +0 −3 In a 3 phase Star source-Star load circuit the phase voltage has different phase than line voltage and in a 3 phase Delta source-Delta load circuit the phase current has different phase than the li... 0 answers · posted 12mo ago by MissMulan · closed 12mo ago by Olin Lathrop 71% +3 −0 I have a Rigol DS1104 oscilloscope. Last week I stood up quickly from my table and saw a spike on the scope. Right now all the channels have a DC offset when probe is connected to ground or unconne... 2 answers · posted 9mo ago by ScopeMan · last activity 1mo ago by Lundin 50% +3 −3 I saw that equation of reactance is written like this$$I=\frac{V}{|R+X_L j|}I=\frac{V}{|R-X_c j|}$$When there's capacitor and inductor in a single circuit then it is written like :$$I=\...
4 answers · posted 10mo ago by deleted user · last activity 7mo ago by Andy aka
75%
+4 −0
I am designing a PCB with somewhat limited space. To save space, I am placing some vias on component pads. However, I am not sure if this is a good practice in PCB design. As far as I understand, t...
1 answer · posted 12mo ago by Mu3 · last activity 12mo ago by Olin Lathrop
25%
+0 −4
Design a suitable experiment and an AC circuit to verify Thevenin's theorem when the load is a single-phase induction motor with a capacitive start and two supplies feed the load. Ratings of load:...
0 answers · posted 3mo ago by dkumar94600 · closed 3mo ago by Olin Lathrop
66%
+4 −1
I have the following problem: - Using Wikipedia I find that during CCM we have the relation: - $$\frac{V_{out}}{V_{in}} = -\frac{D}{1-D}$$ Solving for $D$ and inserting values gives me \$...
2 answers · posted 9mo ago by Carl · last activity 9mo ago by Olin Lathrop
66%
+4 −1
I have been observing these little cases hanging to the wires from a long time and almost everywhere but unable to find out what it is.I am not sure whether they are related to any electric...
3 answers · posted 6mo ago by aditya98 · last activity 5mo ago by Jasen
84%
+9 −0
The question: Is there a way to convert from triple-phase 208VAC to single-phase 208VAC? Background: Hi everyone, I am stuck on a project I'm working on. I'd like to convert 208VAC (three phase,...
2 answers · posted 1y ago by cosined · last activity 12mo ago by Andy aka
50%
+1 −1
Hello everyone, I have a simple circuit in which I control some LEDs via an MCU and DMG2302UK ( N-channel MOSFET ) The EN pin is connected to an MCU gpio pin that works at 3.3V. The circuit wo...
1 answer · posted 1y ago by AhmedMobarez · last activity 1y ago by Olin Lathrop
44%
+2 −3
How to find the equation of voltage of the top common node of R1,L1 and C1 after the switch is moved?
1 answer · posted 1y ago by MissMulan · last activity 1y ago by MissMulan
75%
+4 −0
I was looking at different transistors, especially MOSFETS and I saw that N type MOSFETs seem to be way more popular to be used in circuit design. Is there a reason for that, or am I mistaken?
2 answers · posted 10mo ago by crusadEEr · last activity 10mo ago by Olin Lathrop
80%
+6 −0
As we know there exists numerous different kinds of PCB CAD software. The big ones seem to be Eagle, KiCAD, Altium, OrCAD, Solidworks, DesignSpark and probably a few more. When it comes to mechani...
1 answer · posted 11mo ago by Lundin · last activity 11mo ago by Olin Lathrop
This community is part of the Codidact network. We have other communities too — take a look!
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 1, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.4730839729309082, "perplexity": 9334.925124316558}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-49/segments/1669446711042.33/warc/CC-MAIN-20221205164659-20221205194659-00738.warc.gz"}
|
https://www.physicsforums.com/threads/specific-heat-velocity-relationship.867762/
|
# Specific Heat & Velocity relationship??
Tags:
1. Apr 19, 2016
### ashsully
[Mentor's note: this was originally posted in a non-homework forum and therefore does not use the homework template.]
Hi everyone,
I'm a bit stuck on this question and hoping someone could give me the solution.
"A lump of lead, moving with a velocity of 22.0 m/s, is brought to rest. If 55.0% of the work done in stopping the lead is converted into heat, what will be the temperature rise of the lead? Take the specific heat of lead to be 1.30 x 10^2."
In the answers, they just give the answer of 1.02 degrees Celsius. I can't figure out how they got there. Any help would be appreciated.
Thanks
Last edited by a moderator: Apr 19, 2016
2. Apr 19, 2016
### Nidum
What energy does the lump of lead have when it is moving ? What happens to that energy when the lump is brought to rest ?
nb: Actual mass of the lump is not given in question so do all calculations for a mass M .
Last edited: Apr 19, 2016
3. Apr 19, 2016
### ashsully
The mass was not given in the question, which confused me.
4. Apr 19, 2016
### Khashishi
Go ahead and leave mass as a variable and see if the mass cancels out in the end.
5. Apr 19, 2016
### ashsully
The question was asking to find out the unknown variable of the temperature change. If mass cancels out how would it be possible to determine the amount of energy?
Is it possible to solve the question with the information provided?
This is the first time I've ever taken physics as a subject so I'm a complete beginner.
This was my first post and I realised I posted in the wrong section. (sorry!)
6. Apr 20, 2016
### Nidum
The lump of lead initially has Kinetic energy .
KE = 0.5 * M * v^2 where M is the mass and v the velocity . Units N-m or Joule .
On impact with whatever is bringing the lump to rest this energy is converted into heat and we are told that 55% of this heat goes into the lump .
Now read about Specific Heat and see if you can complete the question .
Last edited: Apr 20, 2016
7. Apr 20, 2016
### ashsully
Thank you so much for your help!
I got the right answer and you guys to thank.
Have a nice day
Draft saved Draft deleted
Similar Discussions: Specific Heat & Velocity relationship??
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8854403495788574, "perplexity": 939.1456152842125}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2017-34/segments/1502886120573.75/warc/CC-MAIN-20170823152006-20170823172006-00701.warc.gz"}
|
http://focm2014.dm.uba.ar/viewAbstract.php?code=1292
|
FoCM 2014 conference
Plenary talk
December 13, 11:00 ~ 11:55
## Heating the sphere
### Universidad de Cantabria, Spain - [email protected]
Where would you allocate $N$ sources of heat in the 2-dimensional sphere in order to maximize the steady state average temperature, assuming a constant cooling rate everywhere?
In this talk I will describe a theoretical solution to this facility location problem, relating it to other classical questions in potential theory, stability of polynomial zeros, eigenvalue computations and numerical integration. Novel results about some of these classical problems will be presented as a consequence of the analysis.
Joint work with : Different coauthors in several parts of the talk will be credited in the slides.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9432842135429382, "perplexity": 1422.1488659506974}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2017-26/segments/1498128320707.69/warc/CC-MAIN-20170626101322-20170626121322-00196.warc.gz"}
|
https://stkwans.blogspot.com/2012/
|
## Monday, December 17, 2012
### Gem(?) of the Week - the Minkowski metric
The Pythagorean theorem is one of those gems that I won't go into a lot of detail about, because it has been so well-covered before by others. Let's just say that it is a property of Euclidean space, in particular a consequence of the parallel postulate. I just mention it here because it is an example of a topic I am going to go over in great detail.
In 2D Euclidean space, we can figure out the distance of any point from any reference point by setting up a rectangular coordinate system with the reference point at the origin. If there were just two points we cared about, we could align the axes such that the X axis went through the other point, and then we could just read the distance off that axis. That's not really exploiting 2D space, so we will think about one reference point but lots of other points all over the plane. We can use the Pythagorean theorem to measure the distance from the origin to any point in the plane:
$s^2=x^2+y^2$
With this coordinate frame you can figure the distance between any two points, even if one is not at the origin, as follows:
$s^2=(x_2-x_1)^2+(y_2-y_1)^2$
By using the standard delta-notation from engineering, we can simplify this back to
$s^2=\Delta x^2+\Delta y^2$
Now what is true for 2D Euclidean space is also true for 3D. The Pythagorean formula works, you just have to extend it to cover the third dimension
$s^2=\Delta x^2+\Delta y^2+\Delta z^2$
Those crazy topologists have generalized the Pythagorean theorem to fit their weird bent rubber spaces. They say that any space, along with a function which takes two points as an argument and returns a number, is called a metric space, where that function is called the metric. The metric must obey certain axioms, most important of which is commutativity - the distance from point A to B is the same as the distance from B to A.
Some of the topologists twisted imaginings don't really admit such a thing as a straight line. They get around this by saying that if you look at any small enough piece of the space, it is close enough to flat that we can define a metric there. Some spaces are so bent as to not even permit this, but those spaces which do, are called manifolds. In a manifold we talk about points which are close together, and represent this in our metric with differential notation
$ds^2=dx^2+dy^2+dz^2$
Now on a manifold we can specify a series of points to draw a path through, find the distance between each, add them all up, and get the length of the path. In calculus-speak, we have every point on the path, and we integrate along the curve to get the distance. However for flat space, there is such a concept as a straight line, and it is the shortest distance between two points. If you take the delta-form above and integrate the differential form, you end up with the same thing. Because of this, we will just show things in differential form from now on.
The film Dimensions is all about extending the same concept to four- and higher- dimensional space. All the Euclidean axioms apply, and the fourth dimension is exactly like the other three, so it works into the metric the same way:
$ds^2=dx^2+dy^2+dz^2+dw^2$
One narrator talks about how 4D space is the prettiest, because it contains such things as the 24-cell. Also he says that it may be because real physical space is 4-dimensional also once you consider time. Blah blah Einstein aggressively ignore history blah blah blah. Spacetime is 4-dimensional, but here's the weird part.
Time is not the same as Space.
"Wait a minute" I hear you all saying - "Obviously time isn't the same thing as space. Duh." But, the whole reason we call time a dimension, and the same reason we don't call temperature a dimension, is that there are coordinate transformations that mix in time with space. I'm going off of memory, but this argument came to me through a little book called "Relativity and Common Sense". For instance, imagine a plane where every point is painted a different color. So, at each point we can measure three things, its x and y coordinate, and its color. If we rotate the coordinate frame, we mix together the x and y coordinates
$\begin{eqnarray*} x'=& &x \cos \theta&+&y\sin \theta \\ y'=&-&x \sin \theta&+&y\cos\theta\ \end{eqnarray*}$
But, there is no rotation, no coordinate transformation which preserves our understanding of what coordinate transformation means, which can mix color and spatial coordinates. Color is not a dimension in this sense.
Well, Time is.
The transformation isn't just a rotation, but the Lorenz transformation from coordinates measured by one observer to coordinates measured by a relatively moving observer, depends on the relative speeds of the observers. And here's the weird thing - time is a dimension, but it is not just like the other three dimensions. In fact, the metric for the spacetime observing the Lorenz transformation is called the Minkowski metric, and it looks like this:
$ds^2=dx^2+dy^2+dz^2-dt^2$
See the minus in the time term? It says that the longer the time between two events, the shorter the distance, all other coordinates being equal.
It gets weirder than that. If the time difference is long enough, it drags the whole right side negative. The squared distance between two events is negative. The distance between two events is imaginary. In special relativity, we say that when $ds$ is real and positive, it is called proper distance, and it is the distance between two events as seen by some observer who sees them happening at the same time. Further there is no way for a single observer to be present at both events without exceeding the speed limit in the space, which introduces its own problems. When $ds$ is imaginary, the (real) coefficient is called proper time, and represents the time interval between two events as seen by an observer who sees them happening in the same place. A single observer can be present at both events without exceeding the speed limit.
See what I mean by weird? In Minkowski space, there is a speed limit imposed as part of the fundamental geometry of space. If we though of time as just a dimension like space, this is equivalent to saying that it is impossible for a line to exceed a certain slope (change in space dimension per unit change in time dimension). No such limit exists in Euclidean space. Spacetime is 4D, but not Euclidean. It is not the same 4D space discussed in Dimensions. The Pythagorean theorem is false, and therefore the parallel postulate is false. Minkowski space is the only flat (metric works across long distances) space I know of which is non-Euclidean.
Now the question is, are the regular polytopes the same in Minkowski space? Does it make sense to talk about polytopes? Is a polytope regular from one point of view but not from another? These and other questions can be answered by the Minkowski metric, but I don't know the answers. I was only recently even able to form the questions.
Let's finish this off with a visualization:
## Sunday, December 16, 2012
### Putting my hardware where my mouth is...
I had been keeping this quiet, but it is the natural culmination of all that I have written on this blog.
At my day job, I work with space projects, but I have only been in the same room as flight hardware once, and that was purely as a tourist, to get my picture taken with it. I have written code that has gone into space, but never touched the hardware that carried it.
In October 2013, that will change. I am building space hardware. In a sense, that has already changed, since I have touched the hardware, but it's not space hardware yet. I have arranged for a version of the Rocketometer to fly on a rocket all the way into space.
The people I work for at my day job run an instrument in space that needs to be calibrated every so often. Every year or so, we fly a sounding rocket with a copy of our instrument, pop it up above the atmosphere for a few minutes, then let it fall back down into the atmosphere and descend on a parachute. It goes into space (well over 100km) but not into orbit.
On the campaign building up the rocket for the last flight this past summer, I was tinkering with my rocketometer (actually the 11DoF) and got to talking to my scientists about it. I told them about my daydream to actually get this thing on the rocket, and they said it was a great idea. Naturally it was far too late to get on board that last rocket, but with this next one I have plenty of time, especially considering that the hardware is finished, and I potentially could fly it now. The baseline mission is just to collect the data as fast as possible, and not bother with any on-board processing. That code was demonstrated with the speed test I did a few weeks ago.
My test plan and to-do list then looks like this:
1. Adapt the old code to the new hardware. A couple of the I/O lines were reassigned to simplify the board design.
2. Write an offline Kalman filter to process the data. IDL will work fine for that. Mostly I just need a set of equations of motion that allow the compass, gyro, and accelerometer to calibrate each other.
3. Calibrate the sensors. I have an old record player with no needle which will be perfect for this. I may be able to use some stuff in the labs at work to help with this.
4. Do a test flight in a model rocket. These generate a similar scale of forces and rotation rates, just for much shorter durations, seconds rather than minutes. The Rocketometer was designed to be carried in any rocket with a payload section 1" or larger in diameter.
5. Get USB Bootloader++ working. This is low priority, as I can program the part over serial as I have been doing for a while.
6. Consider on-board processing of the data.
I will be using the Rocketometer2148 with an MPU6050 6DoF sensor, an ADXL377 analog high-g accelerometer, an AD7991 12 bit ADC to read it, an HMC5883 compass, and a BMP180 pressure/temperature sensor.
With a couple of changes to main.cpp and gpio.cpp to tell it where the sensors and lights are on this board, the thing works! It may also be working at my goal rate of 1000Hz, attributable to a faster SD card, reading the compass only 1 of 10 times that the 6DoF is read, and not reading the HighAcc.
## Monday, November 19, 2012
### Things that there are never enough of, part 1
There is never enough bandwidth.
I can get an MPU6000 from Newark for about $39, or I can get an MPU6050 from Sparkfun for about$20. The only issue with the 6050 is that it runs on I2C, and maxes out at 400kHz. In burst mode, I can get a byte across in 9 clock cycles. An MPU6050 readout has three 16-bit gyro registers, three 16-bit acc registers, and a 16-bit temperature readout, a total of 14 bytes, plus addressing the part, for 15 bytes. Nine cycles each gives 135 cycles, plus a couple more for starts and stops, call it 140 cycles.
Is this enough? Of course not. There is never enough bandwidth. But is it enough? In 1 millisecond, there are 400 cycles, so in theory the MPU6050 being read at 1000Hz will use up 33% of the available bandwidth.
Now there is also the high-accelerometer, read out using an I2C ADC. The ADC has three 16-bit data registers, so 7 bytes counting address. 7 bytes at 1000Hz, call it 70 more cycles. Now we are at 52% bus usage. We need to throw in a compass read and pressure sensor read every once in a while, but it looks like enough to run the sensor at whatever rate I want.
So maybe there is enough. One way to get more bandwidth is to use the other I2C bus on the chip, but this involves a fairly heavy redesign of the board. We would put the MPU and compass on one bus, and the HighAcc and pressure sensor on the other bus.
Onto the measurements. I put together a program which reads the sensors with no delay, in effect as fast as possible with blocking. The program records the tick count (TC), which increments at 60MHz, before each reading, then reads the ADXL345, HMC5883, MPU6050, and L3G4200D in that order. So, the time spent doing the ADXL345 read is the TC of each HMC packet minus the TC of the corresponding ADXL packet, and so forth. The ADXL345 consistently takes 131 microseconds with a variation of less than 1 microsecond. The HMC takes 483 microseconds. And for the moment of truth, the MPU6050 takes 539 microseconds. All is fine and good, right? Nope. We spend most of our time waiting for the card to write out. On a good write, it takes 9 milliseconds, 18 times longer than an MPU read, to write a sector to the SD card. A lot of that could be gotten around by not busy-waiting for the card to finish.
In any case, there is plenty of bandwidth for the sensors, so there is no point in splitting up the traffic to two I2C buses. Reading twice as many sensors as necessary and producing more data than necessary (the real rocketometer will only carry one set of gyros), it still is reading out at about 300Hz.
### Dual (or dueling) gyroscopes
The experiment that I wrote about yesterday was actually carrying two gyroscopes: The one in the MPU6050 discussed then, and the L3G4200D on board the 11DoF. This gyro was connected to the Loginator by SPI running at 1MHz. The 11DoF tab was oriented such that during the South integration, +X was East, +Y was Up, and +Z was South. In the same integration, the MPU tab was oriented such that +X was West, +Y was South, and +Z was Up (not Down as marked on the board -- the silkscreen is wrong, proven by the positive signal on the +Z MPU signal.)
So, we match up axes as follows:
MPU605011DoF
+X-X
+Y+Z
+Z+Y
Therefore we just perform the calculation using +Z on the 11DoF just like yesterday we used +Y.
The result doesn't look so good. First, data from yesterday, showing what a detection looks like:
This shows 1 minute of data from before and after the rotation. The noisy part on both ends is 10 seconds of raw data, and the smoothed bit in the middle shows a 2000-sample (roughly 20 second) boxcar smooth. The white data was with +Y pointing north, and the red data was with +Y pointing south. In that middle region, the difference is due to the rotation of the Earth.
Now, the data from the L3G, also taken yesterday, but not reduced until today.
Since the signals cross, there is no clear detection, even with a 20 second boxcar average. Why not? As it turns out, this sensor was set to 2000°/s, its least sensitive setting, with 1/8 the resolution of the MPU. So, it's not a fair test.
## Sunday, November 18, 2012
### Detection of the Rotation of the Earth
Abstract: An MPU6050 6DoF MEMS sensor is used to measure the rotation of the Earth. The device is run pointed north for 1 minute, then south for 1 minute, taking 98samples/s during the runs. Actual rotation difference between north and south is 0.0063837°/s, taking into account the cosine(latitude) effect. Measurement is 0.0064822°/s±0.0015299°/s, representing a clear detection of the rotation. The MPU6050 gyroscope is extremely accurate, probably sufficient for the Rocketometer mission.
This is also a review of the MPU6050 6DoF sensor. This part has a three-axis accelerometer with ranges ±2g, ±4g, ±8g, and ±16g, and a three-axis gyroscope with ranges ±250°/s, ±500°/s, ±1000°/s, and ±2000°/s. Since the intended mission is flying on a rocket, and certain rockets that may fly with this have been observed to accelerate at around 25g, it will need to be supplemented with a high-accelerometer, but the gyroscope will handle the 4.5Hz rotation expected.
The earth rotates 360° in 24h*60m*60s=86400s, or 1° in 240 seconds, or 0.00416666°/s. The gyroscope's most sensitive setting is ±250°/s and reads out at 16 bit resolution, resulting in 500°/s/65536DN=0.0076294°/s/DN, not quite enough to distinguish earth rotation from a standing stop, but enough to distinguish when one axis is pointing north, then south. Unfortunately, that presumes that the gyro is noise-free, which we will soon see is false.
The current experimental setup is on a breadboard connected to a version 1.1 Loginator by I2C at 400kHz, carefully aligned to true north by the following extremely accurate procedure: Since the walls of the secret underground laboratory are not aligned with true north, I pulled up the Google map of the lab and oriented the map such that the walls on the map were parallel to the real walls. The case of the phone was then aligned to true north. I put down a line of tape to mark this orientation. In this setup, the MPU6050 axes were aligned with +Z pointing down (thus we expect to see the 1g field read negative), the +Y axis pointing north first then south, and the +X axis pointing east first then west.
Of course, all measurements are contaminated with noise. This can often be beaten back by taking many measurements of the same thing. If you take into account a number of simplifying assumptions, the noise of the average of $N$ measurements of the same quantity is $\sigma/\sqrt{N}$. In short, if you take 100 measurements of the same thing, the average of them is expected to have 1/10 the noise of the original measurements. My previous efforts have taken data over very long stretches of time, hundreds of samples per second over hours. This time I decided to take data for 1 minute at a time. I sampled at 98samples/s (2samples/s were spent reading the pressure sensor, a topic for another day) for 1 minute with the Y axis pointing north, then 1 minute with the Y axis pointing south.
The estimated noise on each measurement, calculated with the standard deviation of all the measurements, was 11.02DN, or 0.084°/s, about 20 times that of the rotation of the earth, so it is obviously impossible to measure with one sample. But, I took 5880 samples, giving a predicted noise on the average of 0.14DN or 0.001°/s, plenty small enough to measure the rotation of the Earth. But did I? And if I did, why did I fail before?
Data:
Y north: -0.2217195°/s±0.0010972°/s (1σ)
Y south: -0.2282107°/s±0.0010972°/s (1σ)
Difference: 0.0064822°/s±0.0015299°/s (North is greater than South by this much)
Now, what is the expected value? First, is it positive or negative? Relative to inertial space, the device is rotating according to the right-hand rule around the Earth's axis. The device measures a right-handed rotation around an axis as positive, so the device should read more positive when pointing north than when pointing south, as it does.
Also, as mentioned above, the earth rotates at 0.00416°/s, but my Y axis is inclined 40° relative to the earth's rotation axis, so I should only expect to see $\cos 40^\circ$ as much. Also, I would expect to see twice as much as that, because I am not comparing a standing stop to rotation, but rotation one way to rotation the other way.
Taking all this into account, the predicted measurement is....
0.0063837°/s.
My measurement clearly brackets this. In fact, the measurement is much better than I have any right to expect, being only 0.06σ above the expected value. I would have accepted any measurement with the proper sign and an error of less than 1σ.
Why did I fail before, with measurements taken over hours and hours? Gyro drift. Ideally, the zero point of the measurement would be zero DN, but we are happy if the zero point is just constant. But it's not. Temperature changes and other unmeasured effects cause the zero point to drift, and when measuring for hours and hours, this gyro drift swamps the signal I am trying to measure. To get a good rotation measurement, you want as many samples as possible, but taken over a relatively short time such that gyro drift is small.
So, back to the review. The MPU sensor is kind of noisy, with 11DN noise per sample, but can be read out sufficiently quickly and has sufficiently small gyro drift that it can measure the rotation of the Earth.
## Friday, October 12, 2012
### The USB protocol stack
SPI is a nice, simple, uncomplicated way of communicating between two or more embedded devices. Set a couple of registers defining clock rate, phase, and polarity, and you are ready to go at up to about 10Mb/s. It's a convenient way to talk to microSD cards, accelerometers, basically anything on board with an embedded device. Lots of device-defined protocols can be layered on top of it to do anything the host and device agree to.
USB is a nice, COMPLICATED way of communicating between a host and multiple devices, and multiple applications within the devices. It's not just a bus protocol, it's practically a network in itself. This has its advantages and drawbacks. If my device learns how to speak Mass Storage, any host computer in the world can use it. But, it is considerably more complicated. I can't just look up in a reference guide and bit-bang a protocol out like I can with SPI or I2C.
USB is in fact a stack of protocols, much like HTTP/TCP/IP/Ethernet. Some layers are handled by the hardware autonomously, some need the cooperation of the hardware and the firmware, and some is up to the firmware completely.
The USB project I had been working off of, LPCUSB, is a set of C routines with no readily apparent structure. You can trace through the handlers, to find handlers on top of handlers and handlers all the way down. For one thing, there is code just to work with the USB hardware, then there is code to implement the mass storage class and then code to implement the serial port class. Much of the interaction between these is through callbacks. In reorganizing it into C++, I had the ideal that the device could operate both as mass storage and serial at the same time. There would be a low-level USB class, and then on top of that, a Mass Storage class, and separately a Serial class, which could both be active at the same time.
I am going to abandon that idea for now. I don't know enough about the stack to do this yet. So, we do a USB class with several abstract virtual methods, then an MSC subclass which implements the virtuals purely as mass storage, without worrying about sharing. Likewise, we are going to have a USB control endpoint handler, then a MSC subclass which does what is needed for MSC.
### Battle of Compression
Everyone else was doing it, so I might as well give it a try also. Here's my use case: I want to compress the C++ source code and anything else needed to rebuild my firmware (mostly Makefiles) into one tight little package, then append that package to the firmware itself. Naturally smaller is better. Especially I would like the Bootloader++ (I'll explain it when I'm ready to publish, but its a bootloader for a Logomatic-type circuit which handles fat32 and sdhc) code and source pack to fit within the 64kiB it has allocated for itself.
So, the test case. I already have a rule in my makefile to pack the code:
$(TARGET).tar.$(TAR_EXT): $(ALLTAR)$(CC) --version --verbose > /tmp/gccversion.txt 2>&1
tar $(TAR_FORMAT)cvf$(TARGET).tar.$(TAR_EXT) -C ..$(addprefix $(TARGETBASE)/,$(ALLTAR)) /tmp/gccversion.txt
$(TARGET).tar.$(TAR_EXT).o: $(TARGET).tar.$(TAR_EXT)
$(OBJCOPY) -I binary -O elf32-littlearm$(TARGET).tar.$(TAR_EXT)$(TARGET).tar.$(TAR_EXT).o --rename-section .data=.xz -B arm I'm quite proud of the latter, as it packs the archive into a normal object file, which my linker script makes sure gets packed into the final firmware image, with symbols bracketing it so I can dump just the source code bundle. Anyway, we will look at our challengers: • No compression, just a tar file. This one is actually a bit bigger than the total of the file sizes • gzip, the old standard, both with no special flags and with the -9 option • compress, the really old standard .Z file using the (expired) patented LZW algorithm • bzip2, the second generation compresion algorithm notable for both better compression and longer compression time than gzip, used both with no special flags and with the -9 option • Lempel-Ziv-Markov algorithm, implemented as the Ubuntu command lzip and xz. third generation compression algorithm, once again better compression, once again longer time • lzop, a compressor optimized for speed and memory consumption rather than size • PKZIP, implemented via the zip command available in Ubuntu. This might not be a fair test, as it is not compressing the TAR file, but is in fact using its own method to compress each file individually. So, it has an index, plus each file is compressed anew, meaning there is no advantage from the previous file's compression. • 7z, implemented via the 7z command available in Ubuntu. Same notes as with PKZIP. • zpaq, a compressor which at each step tries several methods and picks the best. This one takes a monumental amount of time and memory, but seems to be worth it if minimum file size is the goal. So, we notice a couple of things. One, sometimes -9 doesn't improve things measurably, and sometimes makes things worse. Next, zpaq rocks out loud as far as compressing C++ source code. It's still larger than the firmware binary image, which is 12423 bytes. It might take more time and more memory than any other compressor, but all that time and memory is in a beefy desktop machine, and not in the Loginator. ## Sunday, October 7, 2012 ### Gem of the Week - Kepler's and Newton's laws and universal gravitation. The discovery by Kepler of his laws of planetary motion is one of the more amazing bits of observational science, made more amazing by the lack of tools which he had to work with. But, that's not our gem of the week. Instead, we will see how Newton deduced that there is such a concept as universal gravitation, and proved that it worked. Actually we won't see how he did it, but we will see how it can be done with modern techniques such as vectors. ## Monday, October 1, 2012 ### Gem of the Week - Euler's Identity I am going to present a new feature to all my 0 readers - the "Gem of the Week". This is a reprise of a sometime feature on my old private blog, "Chemical of the Day". I am expanding the topic somewhat from chemicals to anything I find interesting. None of these are necessarily news, but they might be. This week, it's Euler's Identity. ### Keeping secrets I hate secrets. Some people have to keep secrets because they are legally obligated. This includes any government classified information. Boy am I happy I don't have to deal with that headache. I bet Robert did. Some people have to keep secrets because they are contractually obligated. Some projects LASP works on are with customers who treat some aspects as proprietary. For instance, I was brought in on Sentinel long before it was announced, in October of last year. Ball, perhaps under orders from B612, required us to keep the mission proprietary. It is a really cool mission, and I hated not being able to talk about it for months on end. I keep some secrets because the time is not yet right to publish. I have something cool in mind for the Loginator, but I don't want to shoot my mouth off before I know that it is going to happen. So, watch this space... ### File system driver My C++ification of the Loginator code continues. As noted below, I have the startup code now in full C++ (with 18 lines of inline asm), and I have overthrown the tyranny of main() (that sounds familiar, have I written on this topic before?). I have taken Roland Riegel's sd_raw driver and heavily modified and simplified it. Basically I made it a pure block device. I have dropped all the buffering. You can open an SD card (SDHC fully supported), read a block, write a block, and get the card info. I looked into extending c++ifying the partition and fat32 driver, but it looked too complicated and messy. One of the things I am dead set against is dynamic memory allocation in an embedded process. What if it fails? When that happens, the software crashes (it wouldn't ask for memory if it didn't desperately need it) and when that happens, it is a good possibility that the device it is flying crashes too. So, I get to write a fat32 driver myself. Once again, only whole blocks at a time. And to start with, only that which the USB bootloader and Logomatic need: read a file, write a file, delete a file. Also to start with, we fully support FAT32, but do not support long filenames. One area where I am going to get myself in trouble is writing the file. Sometimes when you write a file, you have to change the file allocation table. When you do so, you need to read the sector containing the change, make the change, then write the new sector. This is all easy, but you need a buffer to do it. Also, you will need to read the table to find the next cluster. What buffer do you use? I know that the LPC2148 is not really memory-limited, but it still seems a waste to set aside a whole block buffer for this. I started by writing a partition driver. You pass it an open and started SD object and a partition number, and it reads the partition table to get the info for that partition. From then on, you use the partition object to read and write blocks. ## Friday, September 28, 2012 ### A review of the ADXL345 and BMA180 First off, the ADXL345 is exactlty what it claims to be. It's my own fault for not reading the data sheet, or rather reading it but not comprehending the information in it. So, my first experience with digital accelerometers was with the Bosch BMA180. The part had 14 bits of precision and 6 scale settings, from 1g to 16g. When you switched to the lower scales, you got more precision, as expected. I finally got all 11 DoFs working on the 11DoF board. The first SPI part I broughs up was the ADXL345, so I learned about its SPI protocol that way. For one thing, those of you used to I2C, SPI is different! For instance, on both the ADXL345 and the gyro on the 11DoF, the L3G4200D, the register addresses are six bits. This is fine, since that is a big enough space. You send this address as the first word of any transfer in either direction from these devices. However, both devices use 8 bit words in the protocol. The other two bits control the direction of transfer for the other words, and whether the device is to expect more than one word -- that is, whether it should increment the register address pointer for the next words. For instance, say you want to read all the measurement registers in the ADXL345. The register map says that this is registers 0x32 through 0x37. Since SPI is a full-duplex protocol, every time you send a byte, you receive a byte. So, send 0x32, ignore what you receive, then send six more bytes (doesn't matter what, I used 0) to read 6 bytes that you care about. Right? Almost, but not close enough. I did this first with the ID register, and it worked, sometimes. But, when I actually tried to read the data, I got back the same word six times. What gives? First, bit 7 of the address is read/#write. You have to set it to read the register, otherwise it interprets the MOSI data as data to be written to the registers. The data registers are read-only, so the part ignored me. Next, bit 6 is the multibyte flag. Set this bit if you are going to read/write multiple registers in one transaction (one continuous #cs assert). Doing this will cause the part to increment the address pointer each time it sends or receives 8 bytes. Since I set neither of these, my part became very confused, since I was telling it to write to a single read-only register six consecutive times. tl;dr - Tell it you are using address 0xF2, then read 6 more times to get the 6 data registers. This is an unnamed protocol layered on top of SPI, which by itself knows nothing of registers. It happens that the gyro uses the same protocol, so turning it on was a simple matter of verifying that the protocol was the same, and copypasting the code. Now for the review. The ADXL345 has a programmable range, with choices ±2, 4, 8, and 16g. We will need 16g for the rocketometer. It has a readout precision of 13 bits, almost equal to the 14 bits the BMA180 gives. Now for the bad part. The readout precision is only 12 bits for 8g, 11 bits for 4g, and 10 bits for 2g. It is as if the part was always running at 16g, but reporting saturation if it was out of its current range. I might as well use an analog part if I am only going to get 10 bits. I had always known this, but only realized the significance when I finally got it up and running, and only got about 250DN out of the part in the 1g field. So, the ADXL gets 2 of 5 stars, not recommended on the Chizumatic scale. The BMA180 is what I used before, in flight. It has a programmable range, with choices ±1, 1.5, 2, 3, 4, 8, and 16g. It produces 14 bits of precision, and this 14 bits is constant across all ranges, so if you use the 1.0g range, you actually have zoomed in, and get better resolution than when you are at 16g. I can't speak to its accuracy, so it gets 4 of 5 stars, not recommended. Why not? The part was discontinued without a suggested replacement as of today, and is no longer available on Digikey. In fact, I am hoarding three of them still in their cut tape, purchased from Sparkfun today at great expense, not even on a breakout board. None of the other BMA accelerometers are as good, and none of the Analog Device accelerometers are as good either. ## Thursday, September 27, 2012 ### 8 DoFs so far... I have gotten the ADXL345 accelerometer, HMC5883L compass, and BMP180 pressure/temperature sensors working with the Loginator and 11DoF board. This means that all SPI and I2C signals work on both boards. Last thing to do is to get the STMicro L3G4200D gyroscope working. I just saw a board basically identical to the 11DoF (same sensors except a BMP085). The problem is that it is all done up in I2C. ## Friday, September 21, 2012 ### Starting up an ARM processor with 90% C code Now why would you want to do a darn fool thing like that? Startup.S works fine, why mess with it? One word: Understanding. Let's face it: Assembly is hard to read. Especially ARM assembly, with its special registers, shift-operands, and treating memory (load/store) fundamentally different from registers (mov). You can't get more than a few lines through an assembly listing without having to crack the ARM ARM. Besides, I have a philosophy to use a consistent language throughout a program to the extent possible. So, for the embedded stuff, it's C++ when you can, C when you have to, and asm only when you really have to. So what stands in the way? Mostly it's the fact that the toolchain makes it difficult to put things exactly where you want: 1. The interrupt vector table. This is what keeps the code from being 99% C instead of 90%. On an x86 processor, the interrupt vector table is purely a list of addresses. Upon interruption, the processor looks up the correct vector, and loads it straight into the instruction pointer, causing the processor to branch to the handler. In many other processors, the table is actually code. When an interrupt happens, the processor jumps to the correct slot in the table and executes it. Usually this is a jump to where the handler really is. In ARM, there isn't enough space for a long jump in a single instruction, so each vector says to load the program counter with another value from memory, usually in a table located right after the true interrupt table. In any case, C just isn't a good language for building the table. What we do then is use inline asm. We make a function called vectorg which is purely inline asm. The first half is instructions, specifically the long jump instructions with embedded pointers to the second half, which is the address table. This is populated with symbols, so the linker can patch it up. 2. Putting things where we want. The old Turbo Pascal had a mechanism for assigning a variable to a particular point in memory. In asm, this is easy: just define a symbol with a hard-coded address. This just isn't possible in C. So, we need cooperation from the linker. We need to specify the linker script. In particular, we need to say that a particular named ELF section is to be linked right at the beginning of flash, and then make sure that the table is in fact in that section, at the beginning of it. The easiest way to do that is to turn on -ffunction-sections when compiling, then link .text.vectorg at the beginning. The source code and the linker script have to agree on this. 3. Registers - This is the other 1%. To set up the program, the reset handler has to set up the stacks, move the initialized data from flash to RAM, zero out the uninitialized data, and call all the constructors for global objects. But, in order to set up the stacks, the code has to be able to set the CPSR register, so it can flip through modes and set each mode's stack register. It also has to be able to write directly to the stack register itself. ## Wednesday, September 19, 2012 ### Around the world in (considerably less than) 80 hours A thought experiment. I would need to go home and throw some stuff in a backpack, and get my passport, but this is doable. It was 2012 Sep 19 11:00am MDT as I searched. Layover From Depart Arrive Flight Time Airport TZ UTC rel Local UTC Local UTC Boulder Mountain Daylight Time -6 2012 Sep 19 11:00AM 2012 Sep 19 17:00 2012 Sep 19 11:00AM 2012 Sep 19 17:00 Look up flight 00h00m 09h45m Denver (DEN) Mountain Daylight Time -6 2012 Sep 19 08:45PM 2012 Sep 20 02:45 2012 Sep 20 12:35PM 2012 Sep 20 11:35 American 6169 as British Airways 218 08h50m 02h10m London (LHR) British Summer Time 1 2012 Sep 20 02:45PM 2012 Sep 20 13:45 2012 Sep 21 12:50AM 2012 Sep 20 20:50 Etihad 20 07h05m 01h35m Abu Dhabi (AHU) Gulf Standard Time 4 2012 Sep 21 02:25AM 2012 Sep 20 22:25 2012 Sep 21 03:25PM 2012 Sep 21 07:25 Etihad 424 09h00m 07h05m Manila (MNL) Philippine Time 8 2012 Sep 21 10:30PM 2012 Sep 21 14:30 2012 Sep 21 08:00PM 2012 Sep 22 03:00 Philippine 104 12h30m 09h50m San Francisco (SFO) Pacific Daylight Time -7 2012 Sep 22 05:50AM 2012 Sep 22 12:50 2012 Sep 22 09:21AM 2012 Sep 22 15:21 United 729 02h31m 1d06h25m Total Layover Total trip time 2d12h36m Total flight time 1d15h56m Also as of 11:00am, this flight had a cost of$5,351.89. I couldn't swing that right now, and I have work to do for the next few days, but Phileas Fogg wouldn't have any such trouble. He had £20000 cash in his pocket, and this trip would cost about £55.16 There are probably possible trips with tighter connections. There are surely trips that are cheaper with a longer lead time -- I found one in January for ~$3500. This trip is definitely around the world. It crosses all the meridians. But, it is only 32833km as the crow flies. I have heard that a trip around the world must cover a distance longer than one of the tropic circles (36787km). This trip doesn't cut it if it follows the great circle route, but if the actual routing is 10% inefficient then it counts. ## Wednesday, September 12, 2012 ### Mathjax Here is a new cool thing: MathJax $x=\frac{-b\pm\sqrt{b^2-4ac}}{2a} \M{A} \MM{P}{^-_i}$ Mathjax is apparently a TeX implementation written entirely in Javascript. It looks like it scans the source code of your page, looks for delimited equations, then interprets the TeX within and renders it using math fonts. Instructions for how to get it to work for Blogspot are here. Now I get to go through all of my Kalman filter stuff and fix the math there into something actually readable. ## Wednesday, September 5, 2012 ### Complete Precision Project Precision has reached its successful conclusion. I now have a physical hardware clock with an hour, minute, second, and third hand, and enough accuracy to justify needing a third hand. As I have mentioned before, I noticed that an Arduino Nano has precisely the pinouts necessary to drive a charlieplex with 240 lights. The interesting thing is how few leftover resources there are. There are two analog inputs that are useless in this design. Every single other pin is used. I even considered giving up the crystal inputs to get two more digital pins.I had to include a digital multiplexer since the ATMega only has one serial port, and it needs to listen to both the USB port and the GPS. As I said before, I will not make one for you for less than$300. The parts alone cost almost that much. However, I am going to publish everything you need to make one yourself.
This is the Digikey part list:
Quantity Digikey Part Number Part Value Case Placement Price per Min quantity Ext Price 2 445-7483-1-ND Capacitor 4.7uF Ceramic 0603 C010 C418 $0.24000 1$0.48 2 478-6025-1-ND Capacitor 18pF 2% NP0 Ceramic 0603 C407 C408 $0.40000 1$0.80 2 445-1316-1-ND Capacitor 100nF Ceramic 0603 C420 C502 $0.10000 1$0.20 61 754-1359-1-ND LED Red 320mcd LED 0603 D000-D059 D502 $0.14040 1$8.56 60 754-1124-1-ND LED Yellow 150mcd LED 0603 D100-D159 $0.11160 1$6.70 60 350-2036-1-ND LED Green 300mcd LED 0603 D200-D259 $0.51840 1$31.10 61 350-2037-1-ND LED Blue 140mcd LED 0603 D300-D359 D501 $0.48960 1$29.87 4 CRA4S847CT-ND Resistor Pack 47 CRA04 R1 R2 R3 R4 $0.04300 10$0.43 2 P680GCT-ND Resistor 680 SMD 0603 R501 R502 $0.10000 1$0.20 1 CRA4S810KCT-ND Resistor Pack 10k CRA04 R606 $0.04300 10$0.43 1 SW1021CT-ND Switch SPST B3U-1100P S429 $1.03000 1$1.03 1 ATMEGA328P-15AZCT-ND Microcontroller ATMEGA328P 32-TQFP U401 $6.45000 1$6.45 1 768-1007-1-ND USB interface FT232RL 28-SSOP U501 $4.50000 1$4.50 1 NC7SZ157P6XCT-ND Multiplexer Noninv 2 input SC-70-6 U602 $0.41000 1$0.41 1 887-1319-1-ND Crystal 16MHz 7M Y401 $1.69000 1$1.69 Lights $76.23 Rest$16.62 Total $92.85 This costs on the order of$100, but the vast majority of the cost is in the 242 lights (240 for the hands, 2 for the TX/RX indicator). I get the above prices today from Digikey with no tax or shipping added on.You can get cheaper lights if you are satisfied with not using green or blue.
You will also need some connectors for the boards:
Sparkfun Female Header Pack - a set of two 6-pin and two 8-pin sockets. You will need this complete set, plus another 6- or 8-pin that will be cut down to 4 pins. You might as well get two of these sets, since they are cheap
A strip of male straight headers and male right-angle headers. You need 32 pins' worth of straight headers and 4 of right-angle headers.
A long USB-A plug to USB-Anything cord. You are going to cut the cord off as far from the A end as possible.You will also need a way to connect this to the 4-pin right angle connector. I used a 5x2 ribbon connector (yes, 5, even though only 4 are needed. It's what I had on my bench at the time.).
While we are going through the Sparkfun shopping list, I recommend getting the UP-501 GPS receiver. In principle, any GPS receiver can work, and you can even set the clock over USB and have it run free without any GPS at all, but then you don't get sufficient precision to justify the third hand. The socket on the circuit board is designed for this UP501, and it fits nicely on the back of the board in between the four screws. If you use another GPS, you will need to make a connector for it. Get one that runs at 3.3V (or has a voltage adaptor) and one that has a PPS signal.
Finally, you need the light pipe parts. Ponoko does great work, but it is quite a bit more expensive than just the bare plastic sheets cost. The light pipes as I designed them are exceptionally fragile, and I forgot to put tabs on the light pipes to connect them directly to the four screws. If I were to make another clock, I would fix the latter flaw. As it is, the light pipes have holes for each LED, and these are used to hold the hands in place.
The firmware is plain ordinary Arduino code. There are two separate sketches, one to test each light in a controlled condition, and one to actually be a clock. The Charlieplex driver is put into a library so that the test code tests the same code that the clock code uses.
## Wednesday, August 29, 2012
### AppArmor
AppArmor is one of those things that our distribution engineers like to put into our Linux distributions without telling us. If you don't know about it, it can cause some WEIRD errors.
First off, AppArmor is basically another more restrictive set of file permissions, based not on the userid, but the filename of the process itself. If a process is not allowed access to a file by AppArmor, it will fail, just as if the permissions were set wrong.
If you don't know about this, it can be a head scratcher. Like for instance, I just moved my MySQL tables from their natural home to the raid. All the permissions are set properly, because mv does that when it can, and because I was root at the time. But MySQL still wouldn't work.
There is a set of file restrictions in /etc/apparmor.d/ . Find the right file, named after the process path but with dots instead of slashes (/etc/apparmor.d/.usr.bin.mysqld controls access by /usr/bin/mysqld). Set the permissions in there, and things will work.
## Wednesday, August 15, 2012
### Resurrecting Omoikane
So, as you may or may not know, I ran a nice little Linux server with all my data on it, including a filesystem dating back to at least 2003 with files back to 1999. I used LVM to spread the file system across all the drives I had, so that I didn't worry about which file was on which drive. I let the filesystem driver handle that.
Well, a couple of months ago, one of the drives in Omoikane started emitting this terrible shaking noise, which panicked the kernel. When I restarted the system, that drive was dead.
So, now I get to learn more than I cared to about the LVM and ext4 filesystems, in order to recover what I can from the good drive. As it happens to turn out, the system was in five "stripes", continuous blocks of LVM extents. Three of them, including the first one, are on the good disk, representing 2TB of the total 3.5TB system.
First thing is to write a really primitive LVM driver. I used the LVM tools to get a map of the stripes, then hard coded that map into my recovery program. This means that my program is not directly applicable to your problem, if you stumbled across this looking for LVM-saving hints. But, I did learn something about LVM: It uses the first 384 sectors (512 bytes each, 192kiB total) of each physical volume to record info about the entire LVM system the volume is participating in. This means that if any drive is still good, I can use it to reconstruct the structure, and find out which stripes I have and which I don't.
After the LVM header, each physical volume is just a trackless waste of unstructured bytes. The stripe information in the LVM header is needed just to see the order of the LVM extents on the physical volume. This is actually good, as it means that I don't have to interpret anything in the sea of data, at least in an LVM sense. To find the Nth extent of a logical volume, use the stripe map to get which extent of which stripe on which drive, then seek to 384*512+M*65536*512 to get to that extent, where M is the physical extent number you get from the stripe map.
Next it's on to writing a really primitive ext4 driver. Ext4 is rather sophisticated, in that it keeps track of a lot of data and uses complicated algorithms to decide where and when to write what. The good news is that Ext4 is a straightforward extension of Ext3, which again is an extension of Ext2, which was quite a bit simpler. Because it makes an effort at backward compatibility, much of Ext4 is readable with the simpler Ext2 logic.
For instance: Ext4 is divided up into block groups, same as Ext2. Each block group has an inode table and some bitmaps to help the full-blown driver allocate things quickly and optimally. Some block groups, always including the first, include a superblock with information about the entire file system, and a table of block group descriptors. Each block group table contains descriptors for all the block groups. So, in the first block group, we find a superblock, descriptors of all the block groups, and an inode table which lets us start finding files.
Now here's the clever bit. For a variety of reasons, pointers in different structures may point to blocks in other groups. That's ok, because all block pointers are absolute, meaning that they are all relative to the beginning of the filesystem. In one of the ext4 sophistications, it groups block groups into metagroups, and combines the inode tables and bitmaps from several block groups into one contiguous stream. For instance on Omoikane, 16 contiguous block groups made up a metagroup, so that the inodes for all 16 groups are in the first group. My code doesn't care, because the inode pointer in the block group descriptor points to the right place inside the inode metatable.
Another clever bit is in the directory structure. As is typical with a Unix filesystem, all the important information about a file is in the inode, including the file's length, permissions, owner, and block map. Everything you need to read a file, in other words. The directory only contains the name and an inode index. This is how hard linking is implemented: If two directory entries point to the same inode, then the file has two hard links, and each entry has equal claim to being the true name of the file. The directory entries don't even have to be in the same directory.
Ext2 just searched each directory entry linearly. Ext4 has the option of indexing the directory file, but it is done in such a way that Ext2 logic will completely ignore the index. The index data is actually in the directory entry for '..' after the file name.
In ext2, the closest thing to a "file allocation table" analogous to FAT filesystems is the block map. This map starts in the inode, which has the index for the first 12 blocks used by the file. Files of up to 48kiB are accomodated thusly. If the file takes more than 12 blocks, the 13th entry in the index points to another data block, the indirect block, which is completely full of pointers to the actual data blocks, allowing 4kiB*1ki blocks=4MiB more data, with the cost of 4kiB extra index data. For larger still files, we have the 14th entry which points to the double indirect block. Each pointer in this block points to another block full of pointers to the actual data blocks. 4kiB*1ki blocks*1ki blocks=4GiB more data, at the cost of 4MiB+4kiB more index data. Similarly the 15th entry points to the triple indirect block, which allows 4TiB more data at the cost of 4GiB+4MiB+4kiB of index data. Each step means about 0.1% overhead in storing a large file. Larger block sizes make the indirect blocks able to hold more pointers, so the level factor is more than 1024.
However, in ext4, a new block index called an extent tree (not the same as LVM extents) is used. The block map tree is fairly complicated, and needs to mark every block a file uses. Extents basically run-length compresses this by using one extent entry for each contiguous stream of blocks the file uses.
## Sunday, August 5, 2012
### I told you it would work!
The above image is a 256x256 thumbnail from one of the front Hazcams on the Curiosity Rover, and represents more science data than sent back by any surface mission not sent by Americans.
While recording the MSL entry data in canister mode, MRO also snapped this photo of MSL on its parachute. They said that this photo would be harder, because even though (or rather because) it's closer, the angular rates are higher. Well, this is a much better picture than that of Phoenix.
### I gotta Feeling that Tonight's going to be a Good Night...
Go MSL! Stick the landing! Thousands of people have worked hard on you, millions are wishing you well.
Some humor:
When I say "overheard", I actually mean that I said that when I was working at a summer job at JPL. I'm not saying that I had any influence over arming the rover, but let's just say that all successful surface missions have been American.
## Thursday, August 2, 2012
### Why do I do this?
I am throwing a zombified lobotomized Omoikane back into the atomic banana peeler, just for its compute power. I have Unplugged All the Things (drives) and am going to run it just off of a USB stick with Ubuntu Precise on it.
I'm no Dan Maas. I don't have the time necessary to give this the attention it deserves. I don't have enough computer power to get a full model of both the lander and the terrain into view at once.
What I can do is easy. Spice kernels take all of the work out of predicting where things are. I don't need an aero model, I don't need a guidance program, I don't even need a numerical integrator.
So why do I bother? Especially in the face of this?
Because I like it. I love doing computer animations. I love collecting data and models. It's tradition started from Phoenix. If I had MER data I would probably do them too. And above all, Absurd Accuracy is Our Obsession. I have seen how SUFR works and how the balance masses deploy. They look weird, but a bit of though suggests its probably right. I have seen the lander scream into Gale Crater and descend against the backdrop of Mt Sharp. I have seen the parachute deploy and the backshell swing on it. I have seen the Skycrane Maneuver, and it doesn't look half as crazy as it once did. To be honest, its the part of powered descent before the skycrane that has me most worried.
Besides, it's not all bad. I finally found a nice map of Gale crater. So, my model of Mars lacks in detail, dozens or hundreds of meters resolution in topography, smaller but still large blocks in image map. Better is available, but not in color and difficult to mosaic. Besides, I don't have the memory for better. POV is particularly inefficient with meshes, and the maps I do have tax Aika's memory.
Anyway, with that map in place, with the backshell scorched, and so on, it looks good to me. Maybe I am comparable to Dan Maas. A little more time, a little more greeblies on the descent stage and rover (and perhaps Santa will bring me a copy of SolidWorks to do it with) and a little more patience and memory, and I might have a world-class animation. I at least hope to have a LASP-class animation to show on Sunday night.
## Sunday, July 29, 2012
### There's always one more thing...
...This time it is deploying various jettisonable objects. I could just Do It, but there is always a philosophy problem.
Jettisoning things is easy. We know the exact time and place ahead of time where each object will be jettisoned. It's easy to get an exact analytical solution ahead of time so that all we need is the time an object is jettisoned, and its position, velocity, and orientation at that time. There is an analytical solution to its future trajectory, and just apply some random spin to its orientation.
Except, I don't know that there really is an analytical solution when drag is significant. We can fake it with the entry balance masses, since drag is not a big part of their lives. But what about the heat shield? What about the backshell and parachute? What about the descent stage in its flyaway phase? We'll save that for last.
Apparently there is such an analytical solution, but only for drag proportional to the velocity, not the square of the velocity, which is the regime in which conventional drag coefficients work. There is another solution, but the horizontal and vertical velocities are implicit functions of each other. So, it's on to everyone's favorite brute force application! No, not a hammer, a numerical integrator. Almost the same thing though, I can see why there would be confusion.
Now the problem with numerical integration is that it requires a state. It requires memory. And due to the nature of the animation loop (I haven't restored persistent variables to Megapov yet, and it wouldn't do well in the Atomic Banana Peeler anyway) there is no convenient way to maintain this state. So, on each frame, we get to integrate all the way from the time of jettison to now. We can stop when we know the object in question is off-screen, so it will be for a few seconds at most.
Here's the current version of the animation, with the art for the descent stage and rover in place. Almost all the art is done now. I need some decorations on the backshell, to match reality and to show the capsule rolling (or not). Then I still want to char the backshell, and perhaps the heatshield too, as a function of integrated heat.
## Tuesday, July 24, 2012
### Megapov+CSPICE documentation
I have added a feature to my version of Megapov which allows access to a limited subset of JPL Spice directly from the Povray scene description language. Here is the sad part: It was written for Project Blinn, but Project Blinn was (may have been) lost in the Great Hard Drive Crash of 2012. So, I am going to use it on the MSL movie I am (still) working on.
## Wednesday, June 6, 2012
### A new weapon in the war against Bugs and Photino Birds
Keil μVision 4 Debugger/Simulator. This is a small part of the larger (450MB, really guys?) μVision suite, but the only part I care about. With it I was able to debug my Task code, which is interesting given that I did not write or compile my code in μVision. Get the program and install it (it installs fine under Wine on Linux) and then bring up any example project, compile it, and get into debug mode. Then, right-click the disassembly window and select "Load Hex or Object File...". Now select the master .elf file that was compiled with GnuARM. It will load, and the simulated processor will be reset, so it starts at location 0 (of your code, apparently it skips the ISP).
## Tuesday, June 5, 2012
### There's a little black spot on the sun today...
I saw it! I owed it to Captain Cook to make my best effort to see the transit (insert 100+ years, 2117, etc) and I did.
OK, I didn't directly see it, but I did the next best thing, see it with a projection system. I had my binoculars pointed straight at the sun, then held up a white (so as to see it) box (so as to not blow around in the wind) as a screen. I used the shadow of the binocs to aim, and then used the focusing knob to, well, focus. I have previously seen sunspots with this setup, but it was too cloudy to really see them today.
Speaking of which, today is a partly cloudy day here at St Kwan's, and I was clouded out of seeing ingress. These images are from about 00:10 UTC 6 Jun 2012.
## Saturday, May 19, 2012
### SDHC USB Bootloader and Logging Firmware work!
I have the old Logomatic 2.3 working with the new SDHC USB bootloader. At first, FAT32 was not enabled. because the mass storage part doesn't even need a filesystem driver, the host takes care of it. However, In order to find and install FW.SFE, the bootloader needs FAT32 however, so this version has it.
Also, the old Logomatic firmware has been updated the minimum amount to use SDHC and FAT32.
All of this works for me, and generates log files, but it sometimes takes a LONG time to mount over USB (sometimes a minute or more).
So now I have put my code where my mouth is.
Logomatic_SDHC_FAT32.zip
## Friday, May 18, 2012
### More on SDHC
So here's the problem. There are in fact two SD card drivers in the Logomatic firmware. Hey, by the engineering method, anything that works is good, and the Logomatic code works, but it's not great code. There are entire sections that are included but not used, like the USB driver in the main logging firmware. Now we have two pieces of code to do the same thing -- access the SD card. There is Roland Riegel's code used by rootdir.c and used by both the bootloader and main code to read and write the card, and there is the code used by the USB driver, which is entirely separate and entirely unready to do SDHC.
So, I am going to update the USB driver to use Roland's code. This just means mapping what the code is doing now to the various parts of sd_raw.c . Piece of cake, probably. We'll see.
Anyway, once this is done, I'll post a message about it on the Sparkfun forums, direct them here, and get literally some readers on this blog, rather than just myself like I get now.
No bragging until I can put my code where my mouth is.
By the way: I am doing all of this development on the Loginator 1.1, so the SD card slot and USB port work. Yay for me!
### The LPC1768
It's sooooo close to being awesome. Cortex M3 with all the improvements (don't be scared by the word Harvard, the program-visible memory map is flat) and full pin compatibility with the 2368.
Almost.
This part has no SD/MMC port. Still, with SPI and DMA, maybe we don't need SD/MMC. The part is otherwise pin-compatible with the 2368, so the 2368 breakout board should work with a 1768 also.
I am going to get a 2368 talking to an SD card and sensor before I try messing around with the 1768.
I have every confidence that the board is correct. I have tested that the known bugs in the old board have been eradicated. I have every confidence that the parts are properly placed and that all joints are good. I have tested the power supply, charge circuit, and lights.
So why am I not more confident in this board?
Is it live...
...or is it Memorex?
All of the switches and the battery terminal were partially melted/burned with hot air. The power switch is especially bad. Everything seems to work, though. It's just ugly. Next time, we bake the plastic parts. Maybe we bake everything. Maybe we salvage this board by lifting all the burned parts, replacing them, and baking it. Maybe we just don't make this board again. I would kinda like to get out of the 2148 business and into the 2368 business.
Update: The thing is alive, the Arduino terminal just doesn't know how to talk to it. I sent ? and saw 'Synchronized' on the logic analyzer (great device, I'll write a review some day). It just didn't show up in the serial terminal. This means that the controller is alive enough to communicate over serial, which means that the crystal and decoupling caps are on and the power is properly hooked up. The thing was running on battery when I tested this, so the whole battery part works too. Wow, I guess a lot is tested just with "Synchronized".
I wish these pictures showed the glorious royal purple and gold of the boards.
This is a NON-FLIGHT configuration. Not that the Loginator is ever intended to fly, anyway. This is just so that I can learn how to talk to the sensors and get the IMUinator working
## Wednesday, May 16, 2012
### 11DoF is working
I finally put together an 11DoF. All sensors are on board, but I decided to forgo the OR gates until I see that I need them. That means that both solder bridges on the back are closed, and the board is subject to Analog silliness if it decides to show its head.
Here we have the design...
And here is the physical implementation. Is reality ever as clean as design?
All of these sensors work, in that the I2C compass and baro/temp sensor actually work, and the SPI accel and gyro respond to SPI commands and return their proper chip IDs. I haven't tested full functionality on those guys yet.
So, do I start making and selling these things for $50 each? Or do I just release the design and say "have at it" yourself? If the latter, here are the files: 11DoF Schematic (Eagle 6.x) 11DoF Board Next version? There's always a next version. Both STMicro (makers of the L3G4200D) and Invensense (makers of the ITG3200 that I gave a glowing review to) have 6DoF sensors, and one of them even makes a 9DoF sensor with a magnetometer in the same chip as the accelerometer and gyro. The problem is that these parts are not yet available from Digikey, and therefore not really available at all. Also, the interfaces are ugly: Both parts have two SPI interfaces. The Invensense part has one for the gyro and one for the accelerometer, while the STMicro part has one for the gyro and one for the acc/compass. It is almost as if two devices are just crammed into the same case. I can cram together parts, in fact that's what the 11DoF board is. I want a 6/9DoF part to have a single SPI interface with a single chip select, and perhaps more importantly, I want the acc and gyro to sample at the same time and have one interrupt line. ## Wednesday, May 9, 2012 ### Designing a large charlieplex I saw a new cool way to design a charlieplex, one which is easy and obvious, even for an extremely large LED matrix. This was buried in a post below where I blather on about my own problems, so I broke it out into a post that Google is more likely to find. ## Monday, May 7, 2012 ### Details Matter... ...and they seem to cost about$50 each.
The boards for Precision 1.1 arrived on Saturday, part of an ocean of purple boards. I had previously ordered all the electronics for it, so I was all ready to assemble it, except...
1. In Eagle, I copied the crystal from some other source, and it was still labelled 12MHz like it was from some LPC2148 board. Before, I had manually ordered parts, but this time I used add-digikey.ulp, which dutifully noted that the part was 12MHz and the same case as the Logomatic crystals, so it ordered a 12MHz crystal and I missed it.
2. I had decided to use 91Ω resistors to try to solve the "extra lights" problem, but after having the clock set up, I decided that brightness was more important than extra lights, so I decided back to use 47Ω resistors like with Precision 1.0
This wasn't that much of a problem, as I had a complete but unusable board from a previous forgotten detail, so I could lift the 47Ω packs and 16MHz crystal from it, without ruining the working front board I already had. This avoids the "one brief shining moment" problem, when you have something that kinda works, but you want to improve it and destroy it in the process. I still have a working Precision 1.0 front board.
Now for today's $50 detail. The primary features of Precision 1.1 are the green wire fixes from last time and a port for the UP501 GPS unit in place of the EM406 port from 1.0. Well, I was planning on using the back board from Precision 1.0 as-is, since it already has$50 of blue and green lights on it. However, it has the old GPS port on it, with certain pins grounded and certain pins connected to VCC - the wrong pins, as it turns out. One of the new 3.3V pins matches one of the old VCC pins, so there is a direct 1.7V short, which I'm surprised didn't completely burn out the FT232. Maybe it did partially burn it out, but there is no way to check right now. The new PPS pin is grounded on the old board, in a flood of polygon that is impossible to isolate. Even though the back board has no electronics on it, it still interferes. This is the \$50 detail. Now I have to order a new set of lights. Or... I can lift the lights off of the old board, but that would create a brief shining moment problem. So, it will be new lights.
## Friday, April 20, 2012
### Program 66
Or: Chauffeur or Pilot?
I just got finished reading Digital Apollo, where one of the major themes is how much automation is the right amount. The author refer to the two poles as "Chauffeur", someone who just wants to get a job done, and "Airman" (I will say "pilot" from here on out) who flies for the joy of flying and personally controls a complicated machine. This debate can be easily seen in other machines, as well. For instance, do you like a manual or automatic transmission?
Are you worthy of the term "driver" if your idea of driving is getting on I-80, turning on cruise control, and doing only what is necessary to stay on the road and not hit anyone? Would you like to turn those tasks over to your car as well?
On the other hand, do you love choosing the exact shift points to get the most out of your car? Do you want to be able to do things in a manual that you just can't do in an auto, like a push start or engine braking? Why don't you use a manual choke as well as a manual transmission? Is there a manual timing adjust in your car? Fuel injector control? Theoretically, a manual transmission can be more efficient than an auto, but is it really more efficient in your hands?
I for one am squarely in the automation camp. I drive because I want to get somewhere. I program for the fun of it, the way that some people drive for the fun of it. After being around and fascinated by the aerospace business over my whole life, I finally discovered that I am not a pilot. I like the idea of space travel, and I wish I could do it, but I'm not one who likes to control my machines that much.
Digital Apollo is mostly about the struggle between the computer and software engineers, who just wanted to get the job done, and the astronauts who wanted to actually fly in space, rather than just ride. In the late 50's and early 60's, it was becoming increasingly difficult to justify human controllers. For instance, no US rocket has ever been manually flown from the ground into orbit. Ascent guidance was developed for ballistic missiles which obviously couldn't carry a pilot, and this guidance was adapted to launch vehicles targeting orbit instead of targeting flaming death on our enemies.
Even if a human was to control a rocket, they would not be able to navigate or guide it. Navigation is done by the inertial measurement unit (IMU) and some software to integrate its measurements. Guidance is done by some complicated formulas which take the current and target state vector as inputs and produce a vector to align the thrust to. All that a human would be able to do is point the rocket in the direction that the automatic system already calculated.
All this brings us to the most complicated maneuver ever attempted in space, deorbit and landing on an airless world at a particular target in a safe spot. Surveyor performed landings, but had an error ellipse on the order of tens of miles, and it landed directly from an impact orbit. Apollo was a complicated coordination of humans and machines, each doing what they were best at. The program was broken up into several major modes:
• P63 was called Braking, and lasted from before powered descent initiation (PDI) to the "high gate", where the landing site came into view. P63 was basically full automatic, where the only job of the astronauts was monitoring. Its job was to get from orbital speed, about 1.8km/s, at about 16km altitude, to almost stopped, only 200m/s or so at 3km altitude, in the most fuel-efficient way possible, and without hitting the ground. Calculus of Variations provides a unique trajectory, which the guidance system attempted to follow. It carried an approximation of this trajectory, perhaps similar to the powered explicit guidance routine. Early in the descent, the surface of the moon was too far out of range for the landing radar, so the guidance source was the inertial platform. After descending lower, the radar became active and the Kalman filter navigation system used the radar and inertial observations to produce its estimate. The guidance equations took the Kalman filter output as its estimate of where the vehicle is, and calculated the correct descent engine pointing to fly the best approximation of the optimum trajectory from the current location to the high gate.
• P64 was the visual approach. At this point, the lander tipped over so that the commander could see the landing site through the windows. Before this point, the vehicle was pointed almost level, with the standing astronauts' feet towards the direction of travel and faces straight up into space. P64 was targeted to a low gate point, and flew the best trajectory it could, with the constraint that the commander could see it through the window. It also calculated where it would land if allowed to land automatically, calculated where in the window that would be, and displayed the Landing Point Designator (LPD) angle, which the lunar module pilot read aloud. The commander would use the angle scale engraved on the windows to see where the vehicle thought it was going to land, and could change this point with the rotational controller. If the commander did so, the program would recalculate the location of the low gate, so that guidance would fly to the new point instead of the old. This is an example of cooperation between manual and automatic processes. The commander used his senses, particularly vision, to evaluate the landing site. The machine can't see at all, it is basically a blind machine with a radar as a white cane. The human chooses and evaluates a landing site, and the machine figures out the best way to get there.
• P65 was the automatic landing program. After passing low gate, the program nulled the horizontal speed and followed an altitude versus vertical speed profile to land. At this point, there was no targeting involved. The program was committed to the last LPD in P64, and just used the radar to measure altitude and run the vertical speed profile, and to measure horizontal speed to null it. No mission was ever landed with P65. During P64, the commander always switched to...
• P66, altitude rate control. In this mode, the commander chose a descent rate, and changed it by clicking a switch up or down. He also chose the attitude by using the rotational controller. The machine calculated whatever thrust was necessary to hit the commanded descent rate, controlled the descent engine throttle, and calculated but did not control horizontal velocity. It displayed that on the cross pointers on the commander's instrument panel, and left it up to the commander to control horizontal rate. This is almost always referred to as the commander taking manual control, but as we can see, again there is a strong automatic assist, the machine doing the calculating, the human doing the guidance. Horizontal speed and position was controlled similar to a helicopter, by pitching the correct direction to use some of your thrust to add or subtract to your horizontal speed. It was up to the commander to make sure that by the time the vehicle was on the ground, its vertical speed was slow enough and its horizontal speed was close to zero. All Apollo missions were landed with P66. There was also...
• P67, Full manual. The machine used the radar to calculate altitude, vertical and horizontal speed, and so forth, but only to display them. The commander had full control of the throttle and attitude. This mode was never used.
• Actual attitude control, even in the semi-manual and full manual modes, was provided by the digital autopilot, in what we would now call fly-by-wire. This program figured out which RCS jets to fire, based on inputs. The autopilot itself could be driven by the guidance system, which calculated the best way to get to a chosen attitude (KALCMANU routine) and drove the jets that way. It could go on semi-automatic Rate Command, where when the commander moved the rotational controller, the machine would figure out the axis the commander wanted, then use the jets to get the vehicle rotating around that axis at a given rate. As the commander held the rotational controller, the vehicle would continue to rotate, with the jets quiet, since the vehicle is now up to speed. When the commander released the controller back to center, the digital autopilot would stop the vehicle rotation. There was also an almost full manual mode, where the jets were on as long as the controller was moved. This is most similar to the native Orbiter mode.
Similarly, the Space Shuttle guidance system could do deorbit braking, entry, descent, and landing all the way to touchdown, all on automatic. The only thing it couldn't do automatically was lower the landing gear. This was for safety so that the gear was not lowered in space, since they could not be raised once lowered.
The shuttle was flown in autopilot through 134 of 135 entries, but 0 of 135 landings. The commander and pilot always flew the final approach, from near or in the HAC to touchdown.
The automatic entries are a little bit surprising, as in Orbiter, I like to fly space shuttle entries on almost full manual, and I don't even like to fly. Skidding across the atmosphere at mach 25, 40deg nose up and 80deg banked, may be some of the most fun and exciting flight possible. I use the Glideslope MFD to see the reentry corridor, but stay on it myself. I'm not just flying to pre-calculated needles either, like I would in an ascent. I am actually doing what pilots do - flying by the seat of my pants.
There was a proposal to do a fully automatic unmanned landing of the lunar module, but among other things the astronauts hated it. I think the same thing happened with the shuttle. If the full auto system is proven, then why do we need pilots?
Automation is your friend, not your master. Besides, if you are the one building the automation, then it is the friend you built. I have heard it said that you can program a computer to dance and Irish jig, but only if you know how to dance an Irish jig. I would add further that while you have to know how to do it, you don't have to be able to do it yourself.
If you are buying your own car or plane, for the fun of driving or flying it, be my guest and have it however manual or automatic you want. If you are flying for me, whether I am a passenger on the aircraft with you or just a taxpayer paying for your ride, you are obligated to do whatever will maximize the chance of mission success. If that's full manual, so be it. If full auto, so be it. Some combination? Choose the right combination. Don't be like some astronauts who thought that they were destined to fly a lunar module and wanted as little automation as possible, to prove how macho they were as pilots. You are there in support of me, the science-consuming public. We did not spend billions of dollars so that you could fly. We spent it so that we would get the mission results.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 3, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.46681535243988037, "perplexity": 1334.9787897137153}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2018-09/segments/1518891814393.4/warc/CC-MAIN-20180223035527-20180223055527-00509.warc.gz"}
|
http://www.researchgate.net/post/Warp_Drive_Fact_or_Fiction
|
# Warp Drive: Fact or Fiction?
Is the Warp Drive fact or fiction?
Can the Warp Drive be fact or fiction?
Warp Drives are Exotic solutions of the Einstein Field Equations of General Relativity that "allows" Faster Than Light Space Travel within the framework of General Relativity
Note that the word "allows" is between quotes.
The first of these Exotic solutions was discovered by the Mexican mathematician Miguel Alcubierre in 1994. The second was discovered by the Portuguese mathematican Jose Natario in 2001.
Alcubierre is PhD from University of Wales in Cardiff UK and Natario is PhD from University of Oxford UK.
Their works are here:
http://arxiv.org/abs/gr-qc/0009013
http://arxiv.org/abs/gr-qc/0110086
The Warp Drive is an entire family of solutions of the Einstein Field Equations of General Relativity like the Schwarzschild or the Reissner-Nordtstrom solutions are for Black Holes but Warp Drives, although mathematical elegant solutions faces some serious problems
an excellent description about the problems Warp Drive faces can be given by
http://arxiv.org/abs/gr-qc/0406083
http://arxiv.org/abs/0710.4474
I would like to discuss in ResearchGate the Warp Drive. Using the scientific works of arXiv or HAL to start to show how this theme can be interesting for people in General Relativity
abstract of arXiv:0710.4474
The General Theory of Relativity has been an extremely successful theory, with a well established experimental footing, at least for weak gravitational fields. Its predictions range from the existence of black holes, gravitational radiation to the cosmological models, predicting a primordial beginning, namely the big-bang. All these solutions have been obtained by first considering a plausible distribution of matter, and through the Einstein field equation, the spacetime metric of the geometry is determined. However, one may solve the Einstein field equation in the reverse direction, namely, one first considers an interesting and exotic spacetime metric, then finds the matter source responsible for the respective geometry. In this manner, it was found that some of these solutions possess a peculiar property, namely 'exotic matter,' involving a stress-energy tensor that violates the null energy condition. These geometries also allow closed timelike curves, with the respective causality violations. These solutions are primarily useful as 'gedanken-experiments' and as a theoretician's probe of the foundations of general relativity, and include traversable wormholes and superluminal 'warp drive' spacetimes. Thus, one may be tempted to denote these geometries as 'exotic' solutions of the Einstein field equation, as they violate the energy conditions and generate closed timelike curves. In this article, in addition to extensively exploring interesting features, in particular, the physical properties and characteristics of these 'exotic spacetimes,' we also analyze other non-trivial general relativistic geometries which generate closed timelike curves.
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8618749380111694, "perplexity": 824.4440164282886}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-40/segments/1443737929054.69/warc/CC-MAIN-20151001221849-00030-ip-10-137-6-227.ec2.internal.warc.gz"}
|
https://gmatclub.com/forum/to-create-a-part-for-a-certain-piece-of-machinery-four-equal-size-wed-239934.html?kudos=1
|
GMAT Question of the Day - Daily to your Mailbox; hard ones only
It is currently 14 Nov 2019, 01:40
### GMAT Club Daily Prep
#### Thank you for using the timer - this advanced tool can estimate your performance and suggest more practice questions. We have subscribed you to Daily Prep Questions via email.
Customized
for You
we will pick new questions that match your level based on your Timer History
Track
every week, we’ll send you an estimated GMAT score based on your performance
Practice
Pays
we will pick new questions that match your level based on your Timer History
# To create a part for a certain piece of machinery, four equal-size wed
Author Message
TAGS:
### Hide Tags
Senior RC Moderator
Joined: 02 Nov 2016
Posts: 4383
GPA: 3.39
To create a part for a certain piece of machinery, four equal-size wed [#permalink]
### Show Tags
Updated on: 10 May 2017, 12:16
1
00:00
Difficulty:
25% (medium)
Question Stats:
83% (01:26) correct 17% (01:15) wrong based on 70 sessions
### HideShow timer Statistics
Attachment:
234.jpg [ 8.56 KiB | Viewed 1161 times ]
To create a part for a certain piece of machinery, four equal-size wedgeshaped pieces are cut and removed from a circular piece of metal, as illustrated in the diagram above. If the unshaded portion of the circle represents the material remaining after the pieces are removed, what percentage of the original circle remains?
A. 10
B. 20
C. 25
D. 60
E. 80
_________________
Last edited by Bunuel on 10 May 2017, 12:16, edited 1 time in total.
Edited the question.
Target Test Prep Representative
Affiliations: Target Test Prep
Joined: 04 Mar 2011
Posts: 2812
Re: To create a part for a certain piece of machinery, four equal-size wed [#permalink]
### Show Tags
15 May 2017, 17:33
1
Attachment:
234.jpg
To create a part for a certain piece of machinery, four equal-size wedgeshaped pieces are cut and removed from a circular piece of metal, as illustrated in the diagram above. If the unshaded portion of the circle represents the material remaining after the pieces are removed, what percentage of the original circle remains?
A. 10
B. 20
C. 25
D. 60
E. 80
Note that each shaded region corresponds to an 18 degree sector. Since there are four of these sectors, they add up to an 18 x 4 = 72-degree sector. Thus, the remaining material corresponds to a 360 - 72 = 288-degree sector. Since the entire circle has 360 degrees, the remaining material is 288/360 = 8/10 = 80% of the original circle.
_________________
# Jeffrey Miller
[email protected]
122 Reviews
5-star rated online GMAT quant
self study course
See why Target Test Prep is the top rated GMAT quant course on GMAT Club. Read Our Reviews
If you find one of my posts helpful, please take a moment to click on the "Kudos" button.
GMAT Club Legend
Joined: 12 Sep 2015
Posts: 4062
Re: To create a part for a certain piece of machinery, four equal-size wed [#permalink]
### Show Tags
29 Jan 2019, 06:45
1
Top Contributor
Attachment:
234.jpg
To create a part for a certain piece of machinery, four equal-size wedgeshaped pieces are cut and removed from a circular piece of metal, as illustrated in the diagram above. If the unshaded portion of the circle represents the material remaining after the pieces are removed, what percentage of the original circle remains?
A. 10
B. 20
C. 25
D. 60
E. 80
IMPORTANT: the diagrams in GMAT problem solving questions are DRAWN TO SCALE unless stated otherwise.
We can use this fact to solve the question by simply "eyeballing" the diagram.
The question is basically asking us to determine what percent of the circle is NOT shaded.
Well, it's pretty obvious that at least 50% is NOT shaded.
So, we can ELIMINATE A, B and C
We're left with D (60% is NOT shaded) and E (80% is NOT shaded)
I'm pretty confident that the correct answer is MUCH closer to 80% that to 60%, so .....
Cheers,
Brent
RELATED VIDEO FROM MY COURSE
_________________
Test confidently with gmatprepnow.com
Intern
Joined: 29 Apr 2017
Posts: 28
Location: India
Concentration: General Management, Other
WE: Engineering (Computer Software)
Re: To create a part for a certain piece of machinery, four equal-size wed [#permalink]
### Show Tags
10 May 2017, 12:23
1
Attachment:
234.jpg
To create a part for a certain piece of machinery, four equal-size wedgeshaped pieces are cut and removed from a circular piece of metal, as illustrated in the diagram above. If the unshaded portion of the circle represents the material remaining after the pieces are removed, what percentage of the original circle remains?
A. 10
B. 20
C. 25
D. 60
E. 80
Angle subtended by the unshaded portion = 90 - 18 = 72 degree
Area of the original circle remaining = Area of the 4 unshaded portions = $$\frac{4 * 72 * pi * r ^ 2}{360}$$
So, percentage of the original circle remaining = $$\frac{4 * 72 * pi * r ^ 2 * 100}{pi * r^2 * 360}$$
= 80
If you like my post, please encourage by giving KUDOS
Intern
Joined: 03 May 2017
Posts: 6
Schools: CBS '14 (M)
To create a part for a certain piece of machinery, four equal-size wed [#permalink]
### Show Tags
10 May 2017, 13:13
Degrees in a circle: 360
4 pieces cut 18 deg each = 72 degrees cut.
(Area of a circle is proportional to the angle)
% of area remaining: (360-72)/360 = 4/5 ~ 80%
_________________
Abhijit @ Prepitt
GMAT Math Tutor
GMAT Math Workshops ($90/session) | GMAT Math Private Tutoring ($70/hr)
GMATH Teacher
Status: GMATH founder
Joined: 12 Oct 2010
Posts: 935
Re: To create a part for a certain piece of machinery, four equal-size wed [#permalink]
### Show Tags
29 Jan 2019, 06:31
To create a part for a certain piece of machinery, four equal-size wedgeshaped pieces are cut and removed from a circular piece of metal, as illustrated in the diagram above. If the unshaded portion of the circle represents the material remaining after the pieces are removed, what percentage of the original circle remains?
A. 10
B. 20
C. 25
D. 60
E. 80
$$?\,\,\, = \,\,\,\left[ {\,{{{{360}^ \circ } - \left( {4 \cdot {{18}^ \circ }} \right)} \over {{{360}^ \circ }}}\,} \right] \cdot 100\,\,\left( \% \right)\,\,\,\mathop = \limits^{\left( * \right)} \,\,\,{4 \over 5} \cdot 100\left( \% \right)\,\,\, = \,\,\,80\left( \% \right)$$
$$\left( * \right)\,\,{{{{360}^ \circ } - \left( {4 \cdot {{18}^ \circ }} \right)} \over {{{360}^ \circ }}}\,\, = \,\,1 - {{4 \cdot 18} \over {2 \cdot 18 \cdot 10}}\,\, = \,\,1 - {1 \over 5}$$
We follow the notations and rationale taught in the GMATH method.
Regards,
Fabio.
_________________
Fabio Skilnik :: GMATH method creator (Math for the GMAT)
Our high-level "quant" preparation starts here: https://gmath.net
Re: To create a part for a certain piece of machinery, four equal-size wed [#permalink] 29 Jan 2019, 06:31
Display posts from previous: Sort by
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 1, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.4140464663505554, "perplexity": 3186.646186294886}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2019-47/segments/1573496668334.27/warc/CC-MAIN-20191114081021-20191114105021-00304.warc.gz"}
|
http://crypto.stackexchange.com/users/1650/richard?tab=activity&sort=comments
|
Richard
Reputation
Next privilege 150 Rep.
Create new tags
Jun 12 comment What's efficient MPC protocol for determining if sum's bigger than y? packed ss is very interesting! My system should be able to run it in parallel. my concerns are really how hard (or how much effort) I should put to incorporate that into existing MPC platform, like FairplayMP. Jun 12 comment What's efficient MPC protocol for determining if sum's bigger than y? Function is simple, but number of evaluation is potentially big, like run the inputs thousand time, so a little perf. improvement for single evaluation matters to the application... correct me if wrong. Jun 11 comment What's efficient MPC protocol for determining if sum's bigger than y? That's a great review!. one question though: since my function involves with both addition and comparison, kinda fall in btwn what arithmetic and boolean circuit excels in. so the question is really who can do both better?.. I will update the OP in a moment and will look into Viff (looks like its adapt btwn circuit and arithmetic based on computation)... interesting. Jun 11 comment What's efficient MPC protocol for determining if sum's bigger than y? If input size is needed, I would start from the small, say 32 bits. Jun 10 comment What's efficient MPC protocol for determining if sum's bigger than y? OP is for $2$ parties: values $x_0$ and $x_1$ are for each party, respectively. Generally, $2$ parties are OK but more than $2$, say $10$'s are possible in my case (but not rigidly). Input size is unspecified in my problem yet... but how does it matter in this problem? I want to know... Jun 6 comment Does collision resistance stay when extending a hash function to a set domain? yes, it is a product. but not necessarily on $N$, since I am using crypto hash and the hash value is generally treated as bits or binary string. Feb 26 comment secure multiparty computation for multiplication this does not work! 'cause first party can simply know $k$ by comparing the result of round 1 and that of round 2. Feb 24 comment secure multiparty computation for multiplication 'honest but curious' model is just fine to the problem. Feb 24 comment secure multiparty computation for multiplication good point!... but that's just fine to my problem. actually, $\sum{b_j}$ is sensitive only when it's big, like equal to 6.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.4825180470943451, "perplexity": 1819.1064029631095}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 20, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-40/segments/1443738009849.87/warc/CC-MAIN-20151001222009-00039-ip-10-137-6-227.ec2.internal.warc.gz"}
|
https://www.arxiv-vanity.com/papers/1503.02532/
|
Geometry of Winter Model
U.G. Aglietti and P.M. Santini Dipartimento di Fisica, Università di Roma “La Sapienza” and () INFN, Sezione di Roma, I-00185 Rome, Italy
By constructing the Riemann surface controlling the resonance structure of Winter model, we determine the limitations of perturbation theory. We then derive explicit non-perturbative results for various observables in the weak-coupling regime, in which the model has an infinite tower of long-lived resonant states. The problem of constructing proper initial wavefunctions coupled to single excitations of the model is also treated within perturbative and non-perturbative methods.
Key words: metastable state, perturbation theory, non-perturbative effect, Riemann surface, quantum mechanics, geometry.
## 1 Introduction
The only general analytic tool available up to now to study “realistic” quantum field theories, such as for example Quantum Chromodynamics (QCD) in four dimensions, is perturbation theory. The great variety of the electromagnetic and hadronic phenomena observed at different energies may suggest that exact solutions will be beyond human capabilities for a long time, even though there has been some recent progress in QCD in the expansion, with the number of colors [1]. In general, perturbative cross sections can be written schematically as:
σ(g)=∞∑n=1σngn,
where the ’s are real coefficients and is the coupling of the model. QCD for instance, because of asymptotic freedom, is weakly coupled in the ultraviolet, where perturbation theory is therefore a natural tool, while it is strongly coupled in the infrared. The hadron mass spectrum, the scattering lengths, the string tension, the chiral symmetry breaking scale, the parton distribution functions, the power-corrections to high-energy cross sections and event-shape distributions, etc., are all well-known examples of significant physical quantities which fall outside the reach of perturbation theory. Furthermore, being unable to exactly evaluate the ’s for arbitrary , the problem of non-perturbative effects to observables is necessarily treated in a rather indirect way. In the last decades, many different approaches have been developed for this task: methods based on the summation of specific classes of diagrams (the expansion cited above, the renormalon calculus supplemented by the large- limit, etc.), toy models in lower space-time dimensions (typically two or even three), numerical Monte-Carlo computations of the euclidean theory regularized on a lattice, direct comparison of perturbative cross sections with experimental data, and so on. We may say that a large part of high-energy theoretical activity of, let’s say, the last forty years has been devoted to gain some control on the non-perturbative effects. The problem is a recurrent one in QCD and it might have been a problem also in the (standard) electroweak theory in the case of a very heavy Higgs, let’s say GeV. In the latter case the scalar sector would become indeed strongly coupled. However, the Higgs boson was discovered at the Large Hadron Collider (LHC) in 2012 with a small mass, GeV, as previously indicated by indirect measurements, so the problem of non-perturbative electroweak effects has at present a limited phenomenological relevance. In general, by using a (truncated) perturbative computation of a quantum field theory model to describe some specific phenomenology ranging, let’s say, from high- superconductivity to strong interactions, one is always faced with the problem of ”what is missing”, i.e. which effects lie in the unevaluated terms or are actually ”invisible” to perturbation methods. In such a situation, it may be interesting to study a model which, though not a quantum field, can be analyzed both in perturbative and non-perturbative way. It is in this spirit that we present a systematic study of the so-called Winter model [2, 3, 4, 5, 6], a non-relativistic quantum mechanics model possessing, in the weak-coupling regime, an infinite tower of resonant states coupled to a continuum [7], with Hamiltonian in proper units:
^H=−∂2∂x2+1πgδ(x−π) (1)
on the half line with vanishing boundary conditions in the origin, . is the only coupling of the model. Winter’s model has an unstable energy spectrum in the free limit : for the spectrum is uniformly bounded from below by zero, while for the spectrum is unbounded because of the appearance of an eigenfunction in the discrete spectrum with energy (see fig.1). The free limit is therefore a singular one. In classical terms, the particle falls in the potential trap located at .
The instability is related to the behavior just of the fundamental state (i.e. of the state with the lowest energy) for , i.e. to the non-trivial “vacuum structure” in a small neighborhood of the free theory (see fig.2).
Furthermore, transition amplitudes for contain contributions of the form , coming from the bound state, non-analytic in the origin, which are typical of non-perturbative quantum field theory effects. A similar instability in Quantum Electrodynamics (QED) was conjectured in the 50’s by F. Dyson [8] 111 An instability mechanism similar to the QED one also occurs in the scalar theory, as well as in the simple case of a (quantum) anharmonic oscillator [9]. . For , where is the fine structure constant of QED222 Experimentally at low energies. with the electron charge, the fundamental state is the vacuum, i.e. the ”empty” state, without any electron-positron pair or any photon. Because of field fluctuations, electron-positron pairs (as well as photons) come out of the vacuum as virtual particles only, as their creation as real particles would increase the energy. On the other hand, for particles with equal charges attract each other, while electrons and positrons repel each other, so that the Coulomb energy associated with an pair is positive. The rest energy of a system containing pairs is , with the electron mass — proportional to — while the potential energy is of order — proportional to — where is the electron Compton wavelength. That implies that the potential energy overcomes the rest energy for large enough . As a consequence, a huge quantity of pairs can be created as real particles out of the vacuum, which would then decay into a state full of electrons and positrons, by lowering its energy to arbitrarily negative values. The physical picture is the following: the pairs are created close to each other, let’s say within their Compton wavelength (the interaction is local) and then, to minimize the energy, all the electrons fly on one side, coming close to each other, with the positrons flying on the opposite side. This spontaneous polarization of the vacuum should also occur in the usual particle states of the Fock space333 The above argument is qualitative and does not provide any estimate of the decay time.. This instability of in a neighborhood of was related by Dyson to the divergence of the perturbative series in . The spectrum instability of Winter model in a neighborhood of the free theory might suggest that also its perturbative expansion around is divergent — perhaps asymptotic to the exact theory for , as is supposed to be in QED. The reality is actually more intricate; after all, physical intuition is based on , while a full understanding of the model, as we are going to show in detail, requires to complexify . It turns out that the resonances of the model, which behave in space-time for (i.e. outside the cavity) as
eikx−ik2t (2)
with , are controlled by a multivalued function
w=h(z) (3)
which is the inverse of the entire function
z=ew−1w, (4)
where and .444 The minus sign in front of is inserted just for practical convenience. The transcendental (infinite order) multivaluedness of is related to the fact that the model has an infinite tower of resonances. Each resonance, let’s say the -th one with a non-zero integer, is associated to a sheet of the Riemann surface of ; there is also an additional sheet, , related to the bound state. Each , with , has order-one (square-root) branch points in
cn≈i2πn (5)
and at infinity, connecting to . That implies that has a countable set of order-one branch points accumulating at the origin as
cn→0forn→±∞. (6)
It also follows that different sheets, and with , ”talk to each other” only indirectly, through , which is a different (and more complicated) sheet with respect to all the other ones. Let us also observe that the square-root branch point is, in some sense, the most general coupling between different sheets one could think of. The perturbative expansions (series in powers of ) of quantities related to the -th resonance (wave-vector, frequency, width, etc.) are convergent within a disk centered in of radius
Rn=|cn|≈12πn. (7)
The convergence radius is then controlled by the branch point connecting to . A non-zero radius of convergence for the expansion around zero was expected on physical ground but, remaining in the physical domain , one could not have derived in a natural way its value. The instability of the spectrum, discussed above on physical ground, manifests itself mathematically in the fact that, according to eq.(6), the origin of the “bound-state sheet” is a non-isolated singularity. The above property is related to the specific geometric structure of : if the square-root branch points had coupled, for example, to for any integer , the point would have been instead an analyticity point for . For quantities related to the bound state (such as its energy, its wavefunction, etc.) no convergent power-series expansion around exists. While in the case of the instability of the vacuum is expected to manifest also in any state of the Fock space, in the Winter model it is restricted to the fundamental state. The second implication of eq.(6) is that
Rn→0forn→±∞. (8)
The consequence is that perturbation theory can accurately describe the dynamical properties involving a finite number of resonances for small enough coupling, but it cannot describe quantities involving an infinite number of them. We will see that also the second class of observables contains fundamental physical quantities.
Our motivation to further investigate Winter model might suggest that it is just a toy model for quantum field theory: that is not actually the case [10]. Since it describes particles confined by potential barriers, with tunable efficiency, it is still currently used in quantum chemistry, together with its natural generalizations [11, 12, 13]. Let’s schematically summarize the history of Winter model relevant to the present work. As far as we know, this model was originally introduced in [2], where the resonance properties of the spectrum for a small positive coupling were analyzed. The temporal evolution of metastable states of sinusoidal shape concentrated at inside the cavity — the segment — was studied in [3]. In this work, post-exponential power corrections in time were explicitly calculated, confirming a previous general analyticity argument about the breakdown of the exponential behavior at very large times. In ref.[5] Winter’s computation was repeated, finding additional ”non-diagonal” contributions to the exponential time evolution, which had been overlooked in [3]. These new terms imply a coupling of the initial state with all the resonances of the model and not just with a single one. The off-diagonal terms a small coupling compared to the one in [3], but decay in general slower in time, dominating then the wavefunction in a large temporal region. Actually, most of the non-trivial properties of Winter model — resonance mixing in particular — are consequences of this additional contributions to time evolution recently discovered. In [5] it was also found that the coupling of the initial state to the resonances was controlled at first order in by an infinite matrix of the form
U(g)=1+gA, (9)
with a real antisymmetric matrix (see eq.(132)). is then an infinitesimal rotation in the infinite-dimensional vector space of the resonances. It was then natural to conjecture that higher-orders in would have led to the exponentiated form, i.e. to the unitary matrix
U(g)=exp(gA)=1+gA+g22A2+⋯. (10)
In order to check this structure, the second-order computation in of was made in [6]. In addition to the expected term , it was also found a ”large” term not compatible with any generalized form of exponentiation, whose physical interpretation was problematic. A possible investigation at that point could have been to push the perturbative expansion to , in order to have some hint of the general structure and eventually resum the expansion at all orders in , in the spirit of classical quantum-field-theory investigations. In this work however we follow a different route: we abandon perturbation theory and perform an analytic study in the complex plane of the functions controlling the expansion above for . As we are going to show, that allows us to determine the convergence region of the perturbative expansion and to find explicit non-perturbative formulas for relevant observables which replace the perturbative ones outside their convergence region.
This work is at the border of different areas: 1) quantum field theory, in particular high-energy theoretical physics, where the interplay between perturbative and non-perturbative effects is crucial, as already discussed; 2) mathematical physics, as we investigate the analytic and geometric structure of the Winter model and finally 3) quantum physics —quantum chemistry in particular — where generalized Winter models are currently investigated. Therefore, since the paper is of potential interest to readers with different backgrounds, we tried to be as simple and explicit as we could. The paper is organized as follows. In sec.2 we summarize the properties of the spectrum of the Winter model and we discuss in particular the free limit , in which the system decomposes in two non-interacting subsystems, a particle in the box and a particle in the half-line . All that is in complete agreement with physical intuition. In sec.3 we schematically discuss the time evolution of wavefunctions initially concentrated inside the cavity and of sinusoidal shape. We also treat, in general terms, perhaps the most significant effect in the evolution of metastable states of Winter model: the above mentioned mixing of the resonances. In sec.4 we specify the discussion on resonance mixing by using explicit power expansions in and we discuss the problems associated with the perturbative expansion. In sec.5 we abandon perturbation theory and investigate the structure of the Riemann surface of the multivalued function controlling the behavior of the resonances and the form of the infinite mixing matrix . In sec.6 we re-analyze the properties of the resonances and of the mixing matrix by means of the exact (non-perturbative) information obtained with the previous geometric study. We deal again, in particular, with the problems encountered with perturbation methods. Finally, in sec.7 we draw our conclusions and we discuss some natural developments of our work. There are also three appendices. In appendix A we discuss the connection of our function with the Lambert function [14], a kind of generalization of the complex logarithm. In appendix B we present a general treatment, as well as explicit formulas, for the branch points of the function , which are crucial in our analysis. Finally, in appendix C we show that the expansion for large of , which involves the composition of the complex logarithm with itself, actually has exactly the same multivaluedness as , which is just logarithmic. to
## 2 Winter Model
In general, the Hamiltonian operator of the Winter model reads:
^H=−ℏ22m∂2∂x2+λδ(x−L), (11)
where is the mass of the particle, is a (real) coupling constant and is the Dirac -function with support in [15]. The domain is the half-line and we assume vanishing boundary conditions at zero:555 Equivalently, one may think to the problem in the whole real axis, , with an additional infinite potential for .
ψ(x=0,t)=0,t∈R. (12)
Formulas can be simplified by going to a proper adimensional coordinate via
x=Lπx′ (13)
and rescaling the Hamiltonian as:
^H=ℏ2π22mL2^H′. (14)
The new (adimensional) Hamiltonian then takes the form in which it appears in the introduction:
^H′=−∂2∂x′2+1πgδ(x′−π), (15)
and contains the single (real) parameter
g=ℏ22mλL. (16)
The time-dependent Schrodinger equation
iℏ∂ψ∂t=^Hψ (17)
i∂ψ∂t′=^H′ψ, (18)
where time is rescaled as
t′≡ℏπ22mL2t. (19)
Let us omit primes from now on for simplicity’s sake. It is possible to rescale the Winter Hamiltonian (11) in different ways, as made for example by Winter itself in [3]. The main point however is that we deal in any case with a one-parameter model describing the coupling of a cavity (the segment ) with the outside (the half-line ). As we are going explicitly to show in the next sections and as anticipated in the introduction, for resonant long-lived states inside the cavity come into play.
### 2.1 Spectrum
For there is only a continuous spectrum, with eigenfunctions of the form [2, 3, 5] (see figs.3 and 4)
ψ(x;k,g) = √2π1√4a(k,g)b(k,g){θ(π−x)sin(kx)+ (20) +θ(x−π)[a(k,g)eikx+b(k,g)e−ikx]}
and energies
ε(k)=k2>0. (21)
The function for and zero otherwise is the Heaviside step function and the square root in eq.(20) is the arithmetical one, as for any (an over-all phase is in any case irrelevant). The coefficients entering the eigenfunctions have the following explicit expressions:
a(k,g) = −i2+14πgk[exp(−2πik)−1]; (22) b(k,g) = +i2+14πgk[exp(+2πik)−1]. (23)
These coefficients have the following two symmetries:
a(−k,g)=−b(k,g);¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯a(k,g)=b(¯¯¯k,¯¯¯g), (24)
where the bar denotes complex conjugation. The first equation says that is an odd function of and implies that the zeroes of are opposite to those ones of , i.e. that if
b(k0,g)=0, (25)
then
a(−k0,g)=0. (26)
The second equation implies that the zeroes of are the complex conjugates of the zeroes of for conjugate coupling, i.e. that if
b(k0,g)=0, (27)
then
a(¯¯¯¯¯k0,¯¯¯g)=0. (28)
For real , the zeroes of are then the complex conjugates of the zeroes of . From the two properties above it is possible to reconstruct for real all the zeroes of and of , for example, from the zeroes of in the forth quadrant. Finally, note that for real and
¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯a(k,g)=b(k,g),k,g∈R, (29)
so that
a(k,g)b(k,g)=|a(k,g)|2=|b(k,g)|2,k,g∈R. (30)
In eq.(20) we have assumed the standard continuum normalization:
∫∞0¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯ψ(x;k′,g)ψ(x;k,g)dx=δ(k−k′), (31)
with the Dirac -function. The quantity is a real quantum number but, since the eigenfunctions are odd functions of , one can assume 666 The case has to be discarded as one obtains in this case, because of the boundary condition, the zero function, which is not an acceptable wavefunction.. Note that the spectrum is bounded from below by zero, uniformly in . As we are going to show in the next section and as anticipated in the introduction, that is no more the case for , because of the appearance of a discrete spectrum. The eigenfunctions can also be written in trigonometric form as [2]:
ψ(x;k,g)=√2π{θ(π−x)A(k,g)sin[kx]+θ(x−π)sin[kx+φ(k,g)]}. (32)
The inside amplitude is given by (see fig.(5))
A(k,g)=12√a(k,g)b(k,g)=1√1+1/(πgk)sin2kπ+1/(2π2g2k2)(1−cos2kπ). (33)
Note that777 It may be argued that , as a function of , resembles the shape of the total cross section of electron-positron annihilation into hadrons as a function of the c.o.m. energy , , above a heavy quark-antiquark pair threshold. Roughly speaking, the quarkonium states correspond to the resonances of the particle inside the cavity.
limk→∞A(k,g)=1, (34)
as expected on physical ground: high-energy states do not see the barrier. The phase shift between the outside amplitude and the inside one reads (see fig.6):
cot[φ(k,g)]=−πgksin2(πk)−cot(πk). (35)
For the cotangent to be invertible, let us assume for its argument the following range:
−π<φ(k,g)<0forg>0;0<φ(k,g)<πforg<0. (36)
With the above choice of the argument,
limk→+∞φ(k,g)=0, (37)
i.e. there is no phase shift in the high-energy limit, in agreement with physical intuition.
### 2.2 Strong-Coupling Regime
Even though we are mostly interested to the weak-coupling regime — to be more specific, to subtle weak-coupling properties — let us briefly consider the strong coupling regime
|g|≫1. (38)
Waves find in this case a small barrier at the point ; in the strong coupling limit , the Dirac potential completely disappears and the Winter Hamiltonian becomes then the Hamiltonian of a free particle,
^H0=−∂2∂x2, (39)
on the positive axis, , with vanishing boundary conditions at the origin. Note also that
A(k,g)→1andφ(k,g)→0forg→±∞. (40)
A duality therefore exists between the strong-coupling regime of the Winter model and the weak-coupling regime of a particle on the positive axis subjected to a small potential. Let us remark that there is continuity in going from the strong coupling regime, , to the weak-coupling one, . As we are going to show in the next section, the only singular limit is .
### 2.3 Weak-Coupling Regime and Free Limit
We are interested to the weak-coupling regime and to the free limit of the model [5]. It is clear that, unlike the previous case, taking this limit directly in the Hamiltonian, which has a pole in , is meaningless888 This is to be compared with quantum field theory, in which the coupling to be sent to zero usually appears in the numerator. The Lagrangian density, for example, reads
(41)
where is the field tensor and the gauge potential of the electromagnetic field, is the Dirac field, the electron charge, and the free limit is . . We therefore take the free limit on the eigenfunctions (which is instead meaningful) and then find which Hamiltonian has the limiting eigenfunctions.
For not close to an integer within , namely
k≠n+O(g), (42)
with a non-zero integer,
|a(k,g)|=|b(k,g)|=O(1g), (43)
implying that the eigenfunctions have a small amplitude inside the cavity — outside the cavity the amplitude is always , no matter which values are chosen for and , because of continuum normalization. With the generic values of given by eq.(42), outside waves are not able to excite appreciably the cavity. In the limit the eigenfunctions exactly vanish inside the cavity.
Let us then consider the phase behavior of the eigenfunctions. Unlike the discussion on the amplitude, let us first consider the free case. For , one obtains:
φ=φs(k,g=0)=−πk+sπ, (44)
where is any integer. The eigenfunctions therefore read:
ψ(x;k,g=0)=(−1)sθ(x−π)√2πsin[k(x−π)],k>0,k≠n+O(g), (45)
with a positive integer. In order to satisfy eq.(36), the integer has to be a function of but, since an overall phase is not observable, one can take once and for all for example , obtaining the usual eigenfunctions of a particle confined to the half-line , with vanishing boundary conditions,
ψ(x=π;k,g=0)=0. (46)
The phase does not provide any measurable information in the free case: it does not transfer any information from inside the cavity to outside it. In other words, the cavity is impermeable also as far as the phase is concerned. Let us now consider the interacting case, . For the non-exceptional values of in eq.(42), it holds
sin(πk)=O(1) (47)
and the additional term in due to the interaction is just a small correction with respect to the free case:
πgksin2(πk)=O(g). (48)
Therefore there is not any qualitative change of the profile of in the region of generic ’s given by eq.(42) (see fig.6).
Let us now see what happens for and for to the amplitudes and phases of the eigenfunctions for the complementary values of , i.e. for the “exceptional” values
k≃n−ng, (49)
with any non-zero integer. Since
∣∣a[n(1−g),g]∣∣=∣∣b[n(1−g),g]∣∣=√1+π2n22|g|+O(g2), (50)
the amplitude of inside the cavity shows marked peaks. In the limit
∣∣a[n(1−g),g]∣∣=∣∣b[n(1−g),g]∣∣→0 (51)
and the inside amplitude diverges. This divergence, which (at face value) is physically meaningless, actually signals a qualitative change of the spectrum. To have a finite amplitude inside the cavity for , one has to impose that the eigenfunctions exactly vanish outside it, necessarily obtaining states with a finite normalization. Therefore a discrete spectrum emerges out of the continuum one for the exceptional -values in eq.(49) when
g→0sothatk≃n(1−g)→n. (52)
By normalizing these eigenfunctions to one, we obtain:
√2πθ(π−x)sin(nx), (53)
with a positive integer. The above ones are the eigenfunctions of a particle confined to the segment .
As far as the phase behavior is concerned, the term on the l.h.s. of eq.(48) has a double pole for , while the -independent term in eq.(35), , only has a simple pole. The consequence is that the term proportional to is not uniformly small in even for and actually dominates for integer. In the region specified by eq.(49)
φ≃∓π2 (54)
for and respectively. Furthermore, passes through with a high slope when passes through :
∂φ∂k∣∣∣k=n(1−g)=π1+π2n21g2+O(1g). (55)
This sudden phase variation is a typical resonant behavior [16]. An important point is that, unlike the free case, is a continuous function of and is a measurable. In the limit the phase develops infinite slopes at the integers (see fig.6).
By looking at eqs.(49), (50) and (55), one may observe that the “effective coupling” of the -th resonance to the continuum rather than is actually . That implies that one has to face strong-coupling phenomena for large even when , because the perturbative expansion involves powers of rather than powers of : we will make these considerations more precise in later sections.
We can summarize the above findings by saying that, in the free limit, the system described by the Winter Hamiltonian decomposes into two non-interacting subsystems. The first subsystem is particle in a box, with Hamiltonian
^H1=−∂2∂x21,0≤x1≤π, (56)
with vanishing boundary conditions:
ψ1(x1=0,t)=ψ1(x1=π,t)=0,t∈R. (57)
As well known, this system has an infinite tower of discrete states,
ψ(n)1(x1)=√2πsin(nx1), (58)
with , and no continuum spectrum. The second subsystem is a particle in a half-line, with Hamiltonian
^H2=−∂2∂x22,π≤x2<∞, (59)
with wavefunctions vanishing at the only boundary point :
ψ2(x2=π,t)=0,t∈R. (60)
has a continuous spectrum only, with eigenfunctions (normalized to a -function) of the form
ψ2(x2;k)=√2πsin[k(x2−π)], (61)
with . Therefore Winter Hamiltonian factorizes in the limit in the sum of the Hamiltonian of a particle in a box and the Hamiltonian of particle in a half-line:
limg→0+^H(g)=^H1+^H2. (62)
### 2.4 Resonances
To study the decay, as well as the formation, of metastable states, it is convenient to introduce generalized eigenfunctions with , called resonances or antiresonances, which satisfy purely outgoing or purely incoming boundary conditions, i.e.
(ddx−ik)ψ(x;k,g)=0forx>π, (63)
with
Rek>0orRek<0 (64)
respectively. Let us remark that while in the case of the Winter model the boundary condition above, implying
ψ(x;k,g)≈eikx, (65)
can be imposed at any point outside the cavity, for a general short-range potential, one has to impose it at . By equating to zero the coefficient of the component in (see eq.(20)), we obtain the transcendental equation in
exp(2πik)+g2πik−1=0, (66)
having a countable set of solutions lying in the lower half of the -plane,
Imk(n)(g)<0 (67)
k(n)(g)=n(1−g+g2)−iπn2g2+O(g3), (68)
where is any non-zero integer. For , the zeroes lie in the forth quadrant and are associated to resonances, while for they lie in the third quadrant and are associated to antiresonances. In general, the functions ’s with are defined as the zeroes of the transcendental equation above,
b[k(n)(g),g]≡0, (69)
satisfying the initial condition
k(n)(g=0)=n. (70)
These functions are fundamental elements of the Winter model. In the next section we will present a higher-order perturbative expansion for — as already noted, we will find that the expansion parameter, rather than , is actually . In sec.(5), in order to fully understand their properties, we will analytically continue the ’s for complex . All the ’s will turn out to be the various branches of the multivalued function implicitly defined by .
Because of the first symmetry between the functions and discussed in the previous section, the zeroes of the function have a positive imaginary part for any . They can be defined as
χ(n)(g)≡−k(n)(g)=−n(1−g+g2)+iπn2g2+⋯ (71)
and are associated to resonances for (second quadrant) and to antiresonances for (first quadrant). Roughly speaking, because of the first symmetry between the coefficients, all the dynamical information is already contained in just one coefficient; we have therefore considered explicitly only the coefficient . By using also the second symmetry, one can easily show that for the real part of is odd in , while the imaginary part is even in . From the relation
χ(n)(g)=¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯k(−n)(g) (72)
it follows indeed
k(n)1(g)+ik(n)2(g)=−k(−n)1(g)+ik(−n)2(g), (73)
where with . For real the Winter Hamiltonian is real and therefore time-reversal invariant, so that the formation and the decay of a resonance occur in the same way.
According to the formula above, for one would obtain ; unlike the other cases, the function does not posses a convergent expansion in powers of . Relevant expansions in this case are an expansion in powers of for
k(0)(g)≃iπ(g+1)+2i3π(g+1)2+O[(g+1)3], (74)
as well as an expansion involving exponentials and poles for , :
k(0)(g)=−i2πg[1−e1/g+O(e2/g)]. (75)
We will see the physical significance of these expansions in the next section. Let us remark that is a purely imaginary number for , with a positive imaginary part for
−1
The latter case corresponds to an exponentially decaying wavefunction for with negative energy, i.e. a bound state.
Coming back to the resonances, we obtain for their wavefunctions ():
θ(n)(x,t;g) ≡ √2π{θ(π−x)sin[k(n)(g)x]+θ(x−π)πgk(n)(g)2πigk(n)(g)−1eik(n)(g)x}× (77) ×exp[−iε(n)(g)t]
and for the (complex) energies
ε(n)(g)=k(n)(g)2. (78)
The resonances evolve diagonally in time by means of the factors
E(n)(t;g)≡exp[−iε(n)(g)t]=exp[−iω(n)(g)t−12Γ(n)(g)t]. (79)
Since the energies are complex for , on the last member we have split them into real and imaginary parts as:
ε(n)(g)=ω(n)(g)−i2Γ(n)(g), (80)
where is the frequency and is the decay width of the resonance :
ω(n)(g) = Re[k(n)(g)2]=n2(1−2g)+O(g2); (81) Γ(n)(g) = −2Im[k(n)(g)2]=4πg2n3+O(g3). (82)
Note that is even in , while is odd in , and that . Let us make a few remarks.
1. The exponential decay of a resonance with time is not in contradiction with the conservation of probability (i.e. of the number of particles) because , as a function of , is not a normalizable wavefunction and describes an outgoing flux of particles at 999 For real , the Winter Hamiltonian is hermitian only with boundary conditions implying no net flux of particles at infinity. . Actually, a resonance wavefunction is not even a bounded function — like the ordinary eigenfunctions— and diverges exponentially for ,101010 In the large-time numerical evolution of wavepackets initially concentrated between potential wells, such an exponential increase is actually observed in a large space interval [11, 12]. since [7]. By writing indeed
k=k1−ik2,k1,k2∈R, (83)
the outgoing boundary condition and the positivity of the width,
k1>0,Γ=4k1k2>0, (84)
imply , so that the resonance wavefunction diverges exponentially for as
eikx=eik1x+k2x; (85)
2. The resonances, just like the ordinary eigenfunctions, are smooth functions in , while they are only continuous at . Even a finite discontinuity would indeed produce an infinite average kinetic energy (see next section);
3. Outside the cavity, is compared to the inside, because of the explicit factor in the second term on the r.h.s. of eq.(77 ). As expected on physical ground, apart from the (slow for ) exponential divergence for discussed above, the wavefunction is concentrated inside the cavity.
### 2.5 Attractive Case
Even though we are mostly interested to the weakly repulsive case, i.e. to , let us briefly discuss the modifications of the spectrum in the attractive case, i.e. for [5]. In the latter case, there is a continuous spectrum as in the repulsive case, while for
−1
there is also a discrete spectrum consisting of a single bound state. The discrete eigenfunction reads:
ψd(x;g)=Cg[θ(π−x)(eχ(g)x−e−χ(g)x)+θ(x−π)(e2πχ(g)−1)e−χ(g)x] (87)
and has the negative energy
εd(g)=−χ2(g)<0. (88)
The quantity is the imaginary part of the bound-state solution of the equation , which is purely imaginary,
k(0)(g)=iχ(g). (89)
It is the positive solution of the transcendental equation
e−2πχ(g)=1+2πgχ(g). (90)
By normalizing the wavefunction to one, the constant above reads:
Cg=√χ(g)e2πχ(g)−1−2πχ(g) . (91)
For a “loosely-bounded” particle, i.e. for , the transcendental equation above has the approximate solution (see eq.(74))
χ(g)≃1π(g+1)+23π(g+1)2+O[(g+1)3], (92)
while for a “tightly-bounded” particle, i.e. for a negative coupling of small size, , , one has the expansion (see eq.(75))
(93)
We will rederive the above expansions when studying the analytic continuation of the functions controlling the resonance behavior of Winter model (see later). In the case (tight binding), by omitting exponentially small terms, we have the explicit formula:
ψd(x;g)≃1√2π|g|[θ(π−x)exp(x−π2π|g|)+θ(x−π)exp(π−x2π|g|)] (94)
and
εd(g)≃−14π2g2. (95)
As discussed in the introduction, for the spectrum becomes unbounded from below, while it is uniformly bounded by zero for .
Let us now consider the free limit in the (more complicated) attractive case, . Roughly speaking, in the this case, factorization is not so clean because of the presence of a discrete spectrum. As we have seen, for the continuous-spectrum eigenfunctions leave the cavity for generic values, while they concentrate inside it for the exceptional values . On the contrary, the bound-state wavefunction extends symmetrically on both sides of the potential wall for (see fig.2). However, since for the wavefunction is concentrated in a thin layer around , of width , the resulting coupling between the box and the half-line is small. In a weak sense indeed:
limg→0−ψ2d(x;g)=δ(x−π), (96)
while
limg→0−ψd(x;g)=0. (97)
## 3 Temporal Evolution of Metastable States
We study the forward time evolution, , of wavefunctions which coincide at the initial time, , with the box eigenfunctions and vanish outside it [3, 5, 6]:
ψ(l)(x,t=0;g)={√2/πsin(lx)for 0≤x≤π;0for π
where is a positive integer. The above wavefunction is just a wavepacket with support111111 The support of a numerical function is the closure of the set where the function is not vanishing: . entirely contained inside the cavity. Physically, that corresponds to consider an initial state containing an unstable particle such as, for example, a , but not any of its decay products. By means of a spectral representation in (ordinary) eigenfunctions and contour deformation in the -plane, the wave-function at time can be exactly written as [5]:121212 For there is also an additional term on the r.h.s. of eq.(99) coming from the discrete spectrum, a case which we do not consider explicitly.
ψ(l)(x,t;g)=∞∑n=1V(g)lnθ(n)(x,t;g)+P(l)(x,t;g), (99)
where is the -th resonance wavefunction constructed in the previous section and is a non-exponential (power-like) contribution, having the exact integral representation
P(l)(x,t;g) ≡ e−iπ/4(2π)3/2⎧⎪⎨⎪⎩θ(π−x)∞∫0q(l)(ke−iπ/4;g)sin(ke−iπ/4x)e−k2tdk+ (100) +θ(x−π)⎡⎢⎣∞∫0q(l)(ke−iπ/4;g)a(ke−iπ/4;g)eexp(iπ/4)kx−k2tdk+ +∞∫0q(l)(ke−iπ/4;g)b(ke−iπ/4;g)e−exp(iπ/4)kx−k2tdk⎤⎥⎦⎫⎪⎬⎪⎭,
with
q(l)(k;g) ≡ (−1)llsinkπk2−l214a(k;g)b(k;g) (101) = (−1)llsinkπk2−l211+1/(πgk)sin2kπ+1/(2π2g2k2)(1−cos2kπ).
The dependence on the initial state, i.e. on , is contained in the first factor on the second and last member of the above equation, while the dependence on the dynamics is contained in the second factor. The following asymptotic expansion for holds:
P(l)(x,t;g)≈eiπ/4√2(−1)llg1+g[θ(π−x)gx1+g+θ(x−π)(x−π1+g)]1t3/2+O(1t5/2). (102)
The following remarks are in order: 1) the above function is continuous in , with a discontinuous first derivative at the same point; 2) the power corrections are inside the cavity and outside it, implying larger contributions in the latter case for . Power contributions however vanish in both cases for , while for they represent typical dispersive behavior. As we are going to show in the non-perturbative section, in the strong-coupling limit the resonance contributions indeed disappear, because the functions have imaginary parts [5].
In the following we shall not concentrate on the post-exponential power-corrections in time related to , which do not have a resonance interpretation and therefore are not relevant for the present discussion. Physically, they involve the emission of very low-energy particles out of the cavity at very large times. We will also take sufficiently large to avoid the considerations of the pre-exponential effects. The latter are related to a fast rearrangement of the initial wavefunction, which modifies its short-wavelength components in order to “fit” inside the cavity [3]. For there is a large temporal window where the exponential decay is a good approximation inside the cavity [5, 6]:
1≪t\raisebox−3.0pt$<∼$log(1/g)g2. (103)
Finally, the quantity is an infinite matrix describing the coupling of the initial state to the resonances, with entries
V(g
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9601184129714966, "perplexity": 567.6384788116061}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2023-06/segments/1674764500094.26/warc/CC-MAIN-20230204044030-20230204074030-00189.warc.gz"}
|
https://jax.readthedocs.io/en/stable/_autosummary/jax.numpy.tan.html
|
# jax.numpy.tan¶
jax.numpy.tan(x)
Compute tangent element-wise.
LAX-backend implementation of tan(). Original docstring below.
tan(x, /, out=None, *, where=True, casting=’same_kind’, order=’K’, dtype=None, subok=True[, signature, extobj])
Equivalent to np.sin(x)/np.cos(x) element-wise.
Parameters
x (array_like) – Input array.
Returns
y – The corresponding tangent values. This is a scalar if x is a scalar.
Return type
ndarray
Notes
If out is provided, the function writes the result into it, and returns a reference to out. (See Examples)
References
M. Abramowitz and I. A. Stegun, Handbook of Mathematical Functions. New York, NY: Dover, 1972.
Examples
>>> from math import pi
>>> np.tan(np.array([-pi,pi/2,pi]))
array([ 1.22460635e-16, 1.63317787e+16, -1.22460635e-16])
>>>
>>> # Example of providing the optional output parameter illustrating
>>> # that what is returned is a reference to said parameter
>>> out1 = np.array([0], dtype='d')
>>> out2 = np.cos([0.1], out1)
>>> out2 is out1
True
>>>
>>> # Example of ValueError due to provision of shape mis-matched out
>>> np.cos(np.zeros((3,3)),np.zeros((2,2)))
Traceback (most recent call last):
File "<stdin>", line 1, in <module>
ValueError: operands could not be broadcast together with shapes (3,3) (2,2)
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.3069911301136017, "perplexity": 19317.012389580523}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 20, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-21/segments/1620243991650.73/warc/CC-MAIN-20210518002309-20210518032309-00153.warc.gz"}
|
http://www.sawaal.com/time-and-distance-questions-and-answers/akash-leaves-mumbai-at-6-am-and-reaches-bangalore-nbspat-nbsp10-am-prakash-leaves-bangalore-at-8-am-_9603
|
8
Q:
# Akash leaves mumbai at 6 am and reaches Bangalore at 10 am . Prakash leaves Bangalore at 8 am and reaches Mumbai at 11:30 am. At what time do they cross each other?
A) 10 am B) 8:32 am C) 8:56 am D) 9:20 am
Explanation:
Time taken by Akash = 4 h
Time taken by Prakash = 3.5 h
For your convenience take the product of times taken by both as a distance.
Then the distance = 14km
Since, Akash covers half of the distance in 2 hours(i.e at 8 am)
Now, the rest half (i.e 7 km) will be coverd by both prakash and akash
Time taken by them = 7/7.5 = 56 min
Thus , they will cross each other at 8 : 56am.
Q:
The current of a stream at 1 kmph. A motor boat goes 35 km upstream and back to the starting point in 12 hours. The speed of the motor boat in still water is ?
A) 8 kmph B) 6 kmph C) 7.5 kmph D) 5.5 kmph
Explanation:
Speed of the stream = 1
Motor boat speed in still water be = x kmph
Down Stream = x + 1 kmph
Up Stream = x - 1 kmph
[35/(x + 1)] + [35/(x - 1)] = 12
x = 6 kmph
1 24
Q:
A Bus is running at 9/10 of its own speed reached a place in 22 hours. How much time could be saved if the bus would run at its own speed ?
A) 1.5 hrs B) 1.7 hrs C) 2.2 hrs D) 3.5 hrs
Explanation:
Let the original Speed be "s" kmph
And the usual time be "t" hrs
Given that if the bus is running at 9s/10 kmph the time is 22 hrs
=> [9s/10] x 22 = t x s
=> 99/5 = t
=> t = 19.8 hrs
Hence, if bus runs at its own speed, the time saved = 22 - 19.8 = 2.2 hrs.
1 30
Q:
How many seconds will a 800 meter long train moving with a speed of 63 km/hr take to cross a man walking with a speed of 3 km/hr in the direction of the train ?
A) 48 B) 52 C) 38 D) 42
Explanation:
Here distance d = 800 mts
speed s = 63 - 3 = 60 kmph = 60 x 5/18 m/s
time t = $\inline \fn_jvn \small \frac{800x18}{60x5}$ = 48 sec.
1 24
Q:
P is faster than Q. P and Q each walk 24 km. The sum of their speeds is 7 km/hr and the sum of times taken by them is 14 hours. Then, P's speed is equal to ?
A) 3 km/hr B) 4 km/hr C) 5 km/hr D) 6 km/hr
Explanation:
Let P's speed = x km/hr. Then, Q's speed = (7 - x) km/ hr.
So, 24/x + 24/(7 - x) = 14
$\fn_jvn \small x^{2}$ - 98x + 168 = 0
(x - 3)(x - 4) = 0 => x = 3 or 4.
Since, P is faster than Q,
so P's speed = 4 km/hr and Q's speed = 3 km/hr.
1 19
Q:
A man walks at a speed of 2 km/hr and runs at a speed of 6 km/hr. How much time will the man require to cover a distance of 20 1/2 km, if he completes half of the distance, i.e., (10 1/4) km on foot and the other half by running ?
A) 12.4 hrs B) 11.9 hrs C) 10.7 hrs D) 9.9 hrs
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 2, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.7874101400375366, "perplexity": 2059.5263704141626}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2017-22/segments/1495463607862.71/warc/CC-MAIN-20170524211702-20170524231702-00531.warc.gz"}
|
https://zbmath.org/?q=an%3A1221.76222
|
×
# zbMATH — the first resource for mathematics
On the similarity solutions for a steady MHD equation. (English) Zbl 1221.76222
Summary: We investigate the similarity solutions for the steady laminar incompressible boundary layer equations governing the magnetohydrodynamic (MHD) flow near the forward stagnation point of two-dimensional and axisymmetric bodies. This leads to the study of a boundary value problem involving a third order autonomous ordinary differential equation. Our main results are the existence, uniqueness and non-existence for concave or convex solutions.
##### MSC:
76W05 Magnetohydrodynamics and electrohydrodynamics 34B40 Boundary value problems on infinite intervals for ordinary differential equations 76M55 Dimensional analysis and similarity applied to problems in fluid mechanics
Full Text:
##### References:
[1] Wu, Y.K., Magnetohydrodynamic boundary layer control with suction or injection, J appl phys, 44, 2166-2171, (1973) [2] Takhar, H.S.; Raptis, A.A.; Perdikis, A.A., MHD asymmetric flow past a semi-infinite moving plate, Acta mech, 65, 278-290, (1987) [3] Vajravelu, K.; Rollins, D., Hydromagnetic flow in a oscillating channel, J math phys sci, 31, 11-24, (1997) · Zbl 1059.76549 [4] Muhapatra, T.R.; Gupta, A.S., Magnetohydrodynamic stagnation-point flow towards a stretching sheet, Acta mech, 152, 191-196, (2001) · Zbl 0992.76099 [5] Chakrabarti, A.; Gupta, A.S., Hydromagnetic flow and heat transfer over a stretching sheet, Q appl maths, 37, 73-78, (1979) · Zbl 0402.76012 [6] Kumari, M.; Nath, G., Conjugate MHD flow past a flat plate, Acta mech, 106, 215-220, (1994) · Zbl 0847.76096 [7] Pop, I.; Na, T.-Y., A note of MHD flow over a stretching permeable surface, Mech res commun, 25, 263-269, (1998) · Zbl 0979.76097 [8] Takhar, H.S.; Ali, M.A.; Gupta, A.S., Stability of magnetohydrodynamic flow over a stretching sheet, (), 465-471 [9] Falkner, V.M.; Skan, S.W., Solutions of the boundary layer equations, Phil mag, 12, 865-896, (1931) · Zbl 0003.17401 [10] Coppel, W.A., On a differential equation of boundary layer theory, Phil trans roy soc London ser A, 253, 101-136, (1960) · Zbl 0093.19105 [11] Aly, E.H.; Elliott, L.; Ingham, D.B., Mixed convection boundary-layer flow over a vertical surface embedded in a porous medium, Eur J mech B fluids, 22, 529-543, (2003) · Zbl 1033.76055 [12] Brighi, B.; Hoernel, J.-D., On the concave and convex solution of mixed convection boundary layer approximation in a porous medium, Appl math lett, 19, 69-74, (2006) · Zbl 1125.34005 [13] Kumari, M.; Takhar, H.S.; Nath, G., Mixed convection flow over a vertical wedge embedded in a highly porous medium, Heat mass transfer, 37, 139-146, (2000) [14] Blasius, H., Grenzchichten in flussigkeiten mit kleiner reibung, Z math phys, 56, 1-37, (1908) · JFM 39.0803.02 [15] Belhachmi, Z.; Brighi, B.; Taous, K., On the concave solutions of the Blasius equation, Acta math univ Comenian, 69, 2, 199-214, (2000) · Zbl 0972.34015 [16] Brighi B, Fruchard A, Sari T. On the Blasius problem, Preprint. · Zbl 1158.34016 [17] Utz, W.R., Existence of solutions of a generalized Blasius equation, J math anal appl, 66, 55-59, (1978) · Zbl 0393.34013 [18] Brighi B, Hoernel J-D. On a general similarity boundary layer equation. Submitted for publication. · Zbl 1164.34006 [19] Lawrence, P.S.; Rao, B.N., Effect of pressure gradient on MHD boundary layer over a flat plate, Acta mech, 113, 1-7, (1995) · Zbl 0859.76083 [20] Shercliff, J.A., A textbook of magnetohydrodynamics, (1965), Pergamon Press
This reference list is based on information provided by the publisher or from digital mathematics libraries. Its items are heuristically matched to zbMATH identifiers and may contain data conversion errors. It attempts to reflect the references listed in the original paper as accurately as possible without claiming the completeness or perfect precision of the matching.
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9319936633110046, "perplexity": 12153.117113493483}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": false}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-05/segments/1642320301592.29/warc/CC-MAIN-20220119215632-20220120005632-00313.warc.gz"}
|
https://eprint.iacr.org/2016/998
|
## Cryptology ePrint Archive: Report 2016/998
Cryptanalyses of Candidate Branching Program Obfuscators
Yilei Chen and Craig Gentry and Shai Halevi
Abstract: We describe new cryptanalytic attacks on the candidate branching program obfuscator proposed by Garg, Gentry, Halevi, Raykova, Sahai and Waters (GGHRSW) using the GGH13 graded encoding, and its variant using the GGH15 graded encoding as specified by Gentry, Gorbunov and Halevi. All our attacks require very specific structure of the branching programs being obfuscated, which in particular must have some input-partitioning property. Common to all our attacks are techniques to extract information about the multiplicative bundling'' scalars that are used in the GGHRSW construction.
For GGHRSW over GGH13, we show how to recover the ideal generating the plaintext space when the branching program has input partitioning. Combined with the information that we extract about the multiplicative bundling'' scalars, we get a distinguishing attack by an extension of the annihilation attack of Miles, Sahai and Zhandry. Alternatively, once we have the ideal we can solve the principle-ideal problem (PIP) in classical subexponential time or quantum polynomial time, hence obtaining a total break.
For the variant over GGH15, we show how to use the left-kernel technique of Coron, Lee, Lepoint and Tibouchi to recover ratios of the bundling scalars. Once we have the ratios of the scalar products, we can use factoring and PIP solvers (in classical subexponential time or quantum polynomial time) to find the scalars themselves, then run mixed-input attacks to break the obfuscation.
Category / Keywords: Cryptanalysis, Graded-Encoding, Obfuscation
Original Publication (in the same form): IACR-EUROCRYPT-2017
Date: received 17 Oct 2016, last revised 17 Feb 2017
Contact author: chenyl at bu edu, craigbgentry@gmail com, shaih@alum mit edu
Available format(s): PDF | BibTeX Citation
Short URL: ia.cr/2016/998
[ Cryptology ePrint archive ]
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.7066851258277893, "perplexity": 7355.98056056698}, "config": {"markdown_headings": true, "markdown_code": false, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2020-16/segments/1585371810617.95/warc/CC-MAIN-20200408041431-20200408071931-00216.warc.gz"}
|
http://bionano.ttk.mta.hu/biblio?page=1&f%5Bauthor%5D=1288&s=title&o=asc
|
# Publications
Export 56 results:
Author [ Title] Type Year
Filters: Author is Varga, Zoltán [Clear All Filters]
J
, The Janus facet of nanomaterials, BioMed research international, vol. 2015, 2015.
L
, Localization of dibromophenol in DPPC/water liposomes studied by anomalous small-angle X-ray scattering, The Journal of Physical Chemistry B, vol. 110, no. 23, pp. 11029-11032, 2006.
, Localization of dihalogenated phenols in vesicle systems determined by contrast variation X-ray scattering, Journal of Applied Crystallography, vol. 40, no. s1, pp. s205-s208, 2007.
, Lytic and mechanical stability of clots composed of fibrin and blood vessel wall components, Journal of Thrombosis and Haemostasis, vol. 11, no. 3, pp. 529-538, 2013.
M
, Mechanical stability and fibrinolytic resistance of clots containing fibrin, DNA, and histones, Journal of Biological Chemistry, vol. 288, no. 10, pp. 6946-6956, 2013.
, Membrane active Janus-oligomers of β $^\textrm3$ -peptides, Chemical Science, vol. 11, pp. 6868–6881, 2020.
, Method for preparing anisotropic particles and devices thereof. US Patent 8,263,029, 2012.
, Multiple fuzzy interactions in the moonlighting function of thymosin-β4, Intrinsically Disordered Proteins, vol. 1, no. 1, p. e26204, 2013.
P
, Preparation, purification, and characterization of aminopropyl-functionalized silica sol, Journal of colloid and interface science, vol. 390, no. 1, pp. 34-40, 2013.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.48852527141571045, "perplexity": 13310.144531105752}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2020-34/segments/1596439737206.16/warc/CC-MAIN-20200807172851-20200807202851-00089.warc.gz"}
|
http://www.casadeoxumare.com/gy7ku/page.php?page=harmonic-oscillator-quadratic-perturbation-f046f1
|
n m The behavior of a quantum-mechanical harmonic oscillator under a random perturbation of the form f(t)q 2 is discussed. ⟨ | This procedure is approximate, since we neglected states outside the D subspace ("small"). | The objective is to express En and 0 λ ( ⋯ m the observation that the Hamiltonian of the classical harmonic oscillator is a quadratic function of xand pthat can be factored into linear factors, 1 2 (x2 +p2) = x+ip √ 2 x−ip √ 2 . in the integrands for ε arbitrarily small. = {\displaystyle \langle n|} {\displaystyle \langle n|\partial _{\nu }H|n\rangle } The left graphic shows unperturbed (blue dashed curve) and the perturbed potential (red), and the right graphic shows (blue dashed curve) along with an approximation to the perturbed energy (red) obtained via perturbation theory. {\displaystyle |n(x^{\mu })\rangle } t ( Degenerate Perturbation Theory: Distorted 2-D Harmonic Oscillator The above analysis works fine as long as the successive terms in the perturbation theory form a convergent series. ψ Abstract. The quantum state at each instant can be expressed as a linear combination of the complete eigenbasis of μ n = {\displaystyle |k^{(0)}\rangle } {\displaystyle H_{0}=p^{2}/2m} ⟩ E.As an application of reducibility, we describe the behaviors of solutions in Sobolev space: n {\displaystyle O(\lambda )} These further shifts are given by the second and higher order corrections to the energy. m ⟩ μ ⟩ | The first order derivative âμEn is given by the first HellmannâFeynman theorem directly. The problem of non-perturbative systems has been somewhat alleviated by the advent of modern computers. ( ( Let D denote the subspace spanned by these degenerate eigenstates. The various eigenstates for a given energy will perturb with different energies, or may well possess no continuous family of perturbations at all. ( V ( m ) 1 ⟩ k ⟩ 1 Time-dependent perturbation theory, developed by Paul Dirac, studies the effect of a time-dependent perturbation V(t) applied to a time-independent Hamiltonian H0.[11]. λ | z ( This leads to the first-order energy shift. {\displaystyle |n^{(0)}\rangle } cj(t) = 1 and cn(t) = 0 if n â j. y n {\displaystyle k\neq n} ( ⟨ ′ | In this paper Schrödinger referred to earlier work of Lord Rayleigh,[5] who investigated harmonic vibrations of a string perturbed by small inhomogeneities. ( [citation needed] Imagine, for example, that we have a system of free (i.e. ) | | − V Therefore, the case m = n can be excluded from the summation, which avoids the singularity of the energy denominator. H
(for the sake of simplicity assume a pure discrete spectrum), yields, to first order, Thus, the system, initially in the unperturbed state Here {\displaystyle {\mathcal {H}}_{H}} 0 ν ( ⟨ ∂ ) {\displaystyle \tau =\lambda t} Integrable perturbations of the two-dimensional harmonic oscillator are studied with the use of the recently developed theory of quasi-Lagrangian equations. ( t | ⟩ 2 Several further results follow from this, such as Fermi's golden rule, which relates the rate of transitions between quantum states to the density of states at particular energies; or the Dyson series, obtained by applying the iterative method to the time evolution operator, which is one of the starting points for the method of Feynman diagrams. = ( n ( ) n Perturbations are considered in the sense of quadratic forms. . H ′ ⟨ This result can be interpreted in the following way: supposing that the perturbation is applied, but the system is kept in the quantum state To obtain the second order derivative âμâνEn, simply applying the differential operator âμ to the result of the first order derivative With an appropriate choice of perturbation (i.e. | ) But we know that in this case we can use the adiabatic approximation. E j For a cubic perturbation, the first-order correction vanishes and the lowest-order correction is second order in , so that , where . H Substituting the power series expansion into the Schrödinger equation produces: ( From the differential geometric point of view, a parameterized Hamiltonian is considered as a function defined on the parameter manifold that maps each particular set of parameters ) | , which reads. an oscillating electric potential), this allows one to calculate the AC permittivity of the gas. ′ ⟩ Note, however, that the direction of the shift is modified by the exponential phase factor. − ) {\displaystyle {\mathcal {H}}_{L}} ⟩ ∈ , τ E − 0 1 + ⟩ A necessary condition is that the matrix elements of the perturbing Hamiltonian must be smaller than the corresponding energy level differences of the original Hamiltonian. k Note that in the second term, the 1/2! = . Harmonic Oscillator Physics Lecture 9 Physics 342 Quantum Mechanics I Friday, February 12th, 2010 For the harmonic oscillator potential in the time-independent Schr odinger equation: 1 2m ~2 d2 (x) dx2 + m2!2 x2 (x) = E (x); (9.1) we found a ground state 0(x) = Ae m!x2 2~ (9.2) with energy E 0 = 1 2 ~!. {\displaystyle E_{n}(x_{0}^{\mu })} n ( | | − Use the Morse potential below to express the harmonic (quadratic) and anharmonic (cubic and quartic) force constants in terms of parameters D and C. Hint: The variable x is the displacement relative to the equilibrium distance. 0 n {\displaystyle |j\rangle } ) y Inst. n When applying to the state ) x .). its energy levels and eigenstates) can be expressed as "corrections" to those of the simple system. / The first-order equation may thus be expressed as, Supposing that the zeroth-order energy level is not degenerate, i.e. | ⟩ n λ This is why this perturbation theory is often referred to as RayleighâSchrödinger perturbation theory.[6]. ⟨ + {\displaystyle t_{0}=0} When faced with such systems, one usually turns to other approximation schemes, such as the variational method and the WKB approximation. V λ ) The unitary evolution operator is applicable to arbitrary eigenstates of the unperturbed problem and, in this case, yields a secular series that holds at small times. E {\displaystyle |n^{(0)}\rangle } This question can be answered in an affirmative way [12] and the series is the well-known adiabatic series. Give feedback ». ⟩ + {\displaystyle \langle k^{(0)}|} x x 0 E For the linearly parameterized Hamiltonian, âμH simply stands for the generalized force operator Fμ. ) i 0 i β As an aside, note that time-independent perturbation theory is also organized inside this time-dependent perturbation theory Dyson series. k A quadratic term of the form V ... evaluate, using perturbation theory and operator techniques, the average value of position for the standard oscillator prob-lem perturbed by a small cubic anharmonic term and make y ) m [10] In practice, some kind of approximation (perturbation theory) is generally required. This instability shows up as a broadening of the energy spectrum lines, which perturbation theory fails to reproduce entirely. ( The choice | n : where the cn(t)s are to be determined complex functions of t which we will refer to as amplitudes (strictly speaking, they are the amplitudes in the Dirac picture). also gives us the component of the first-order correction along k 0 Time-independent perturbation theory was presented by Erwin Schrödinger in a 1926 paper,[4] shortly after he produced his theories in wave mechanics. If the time-dependence of V is sufficiently slow, this may cause the state amplitudes to oscillate. = , which is a measure of how much the perturbation mixes eigenstate n with eigenstate k; it is also inversely proportional to the energy difference between eigenstates k and n, which means that the perturbation deforms the eigenstate to a greater extent if there are more eigenstates at nearby energies. E Supposing that. + x U ( Thus, the exponential represents the following Dyson series. 1 Approximate Hamiltonians. k 1 ( in terms of the energy levels and eigenstates of the old Hamiltonian. With the differential rules given by the HellmannâFeynman theorems, the perturbative correction to the energies and states can be calculated systematically. are restricted in the low energy subspace. | (8) For simplicity, we take m = ω = ¯h = 1. = ) − H ) and the energy of unperturbed ground state is, Using the first order correction formula we get, Consider the quantum mathematical pendulum with the Hamiltonian. t with ) m In effect, it is describing a complicated unsolved system using a simple, solvable system. H ⟩ n n ω 0 ) This means that, at each contribution of the perturbation series, one has to add a multiplicative factor 0 = Before corrections to the energy eigenstate are computed, the issue of normalization must be addressed. x However, if we "integrate" over the solitonic phenomena, the nonperturbative corrections in this case will be tiny; of the order of exp(â1/g) or exp(â1/g2) in the perturbation parameter g. Perturbation theory can only detect solutions "close" to the unperturbed solution, even if there are other solutions for which the perturbative expansion is not valid. ( = ) The latter function satisfies a fourth-order differential equation, in contrast to the simpler second-order equation obeyed by the Wigner function. | ) ≪ | then all parts can be calculated using the HellmannâFeynman theorems. | In quantum chromodynamics, for instance, the interaction of quarks with the gluon field cannot be treated perturbatively at low energies because the coupling constant (the expansion parameter) becomes too large. μ n ) factor exactly cancels the double contribution due to the time-ordering operator, etc. {\displaystyle |n(\lambda )\rangle =U(0;\lambda )|n\rangle )} ) + n The first-order change in the n-th energy eigenket has a contribution from each of the energy eigenstates k â n. Each term is proportional to the matrix element | For a family of 1-d quantum harmonic oscillators with a perturbation which is C 2 parametrized by E ∈ I ⊂ R and quadratic on x and − i ∂ x with coefficients quasi-periodically depending on time t, we show the reducibility (i.e., conjugation to time-independent) for a.e. x Ψ m on the right hand side. The second quantity looks at the time-dependent probability of occupation for each eigenstate. ( n ∂ For example, we could take A to be the displacement in the x-direction of the electron in a hydrogen atom, in which case the expected value, when multiplied by an appropriate coefficient, gives the time-dependent dielectric polarization of a hydrogen gas. Since the perturbation is weak, the energy levels and eigenstates should not deviate too much from their unperturbed values, and the terms should rapidly become smaller the order is increased. V So there's a couple of ways of thinking of it. , which is a valid quantum state though no longer an energy eigenstate. {\displaystyle \langle m|H(0)|l\rangle =0} These probabilities are also useful for calculating the "quantum broadening" of spectral lines (see line broadening) and particle decay in particle physics and nuclear physics. = This is simply the expectation value of the perturbation Hamiltonian while the system is in the unperturbed state. The power series may converge slowly or even not converge when the energy levels are close to each other. . Using perturbation theory, we can use the known solutions of these simple Hamiltonians to generate solutions for a range of more complicated systems. ( The same computational scheme is applicable for the correction of states. 0 Then overlap with the state | ⟨ producing the following meaningful equations, that can be solved once we know the solution of the leading order equation. 0 | giving. An approximate solution is presented for simple harmonic motion in the presence of damping by a force which is a general power-law function of the velocity. ℏ k we can see that this is indeed a series in The integrals are thus computable, and, separating the diagonal terms from the others yields, where the time secular series yields the eigenvalues of the perturbed problem specified above, recursively; whereas the remaining time-constant part yields the corrections to the stationary eigenfunctions also given above ( x | − ( The quantum harmonic oscillator is the quantum-mechanical analog of the classical harmonic oscillator. | on the left, this can be reduced to a set of coupled differential equations for the amplitudes. which reads. Although the splitting may be small, τ denote the quantum state of the perturbed system at time t. It obeys the time-dependent Schrödinger equation. , by dint of the perturbation can go into the state and no perturbation is present, the amplitudes have the convenient property that, for all t, Thus, the goals of time-dependent perturbation theory are slightly different from time-independent perturbation theory. . = α {\displaystyle x_{0}^{\mu }=0} t H Using the solution of the unperturbed problem , how to estimate the En(x μ) and {\displaystyle \langle k^{(0)}|V|n^{(0)}\rangle } 2 where we determined, in the context of a path integral approach, its propagator, the motion of coherent states, and its stationary states. ′ {\displaystyle \left(H_{0}+\lambda V\right)\left(\left|n^{(0)}\right\rangle +\lambda \left|n^{(1)}\right\rangle +\cdots \right)=\left(E_{n}^{(0)}+\lambda E_{n}^{(1)}+\cdots \right)\left(\left|n^{(0)}\right\rangle +\lambda \left|n^{(1)}\right\rangle +\cdots \right).}. t ) n t [clarification needed], Perturbation theory also fails to describe states that are not generated adiabatically from the "free model", including bound states and various collective phenomena such as solitons. 0 The square of the absolute amplitude cn(t) is the probability that the system is in state n at time t, since, Plugging into the Schrödinger equation and using the fact that â/ât acts by a product rule, one obtains. n 2 ) n x − cos ) r . assuming that the parameter λ is small and that the problem λ | Pergamon Press. {\displaystyle k'} or in the high-energy subspace | 2 x O {\displaystyle m\in {\mathcal {H}}_{L},l\in {\mathcal {H}}_{H}} The Schrödinger equation. (6) and disre-gard the cubic terms. ( We analyze perturbations of the harmonic oscillator type operators in a Hilbert space $${\mathcal{H}}$$, i.e. This is easily done when there are only two energy levels (n = 1, 2), and this solution is useful for modelling systems like the ammonia molecule. at an unperturbed reference point 2 but the effect on the degenerate states is of In quantum mechanics, perturbation theory is a set of approximation schemes directly related to mathematical perturbation for describing a complicated quantum system in terms of a simpler one. ℜ The unperturbed normalized quantum wave functions are those of the rigid rotor and are given by, The first order energy correction to the rotor due to the potential energy is, Using the formula for the second order correction one gets, When the unperturbed state is a free motion of a particle with kinetic energy The second HellmannâFeynman theorem gives the derivative of the state (resolved by the complete basis with m â n). A non-potential generalization of the KdV integrable case of the Hénon—Heiles … {\displaystyle \langle n^{(0)}|n^{(1)}\rangle } Open content licensed under CC BY-NC-SA, Eitan Geva − Now let us look at the quadratic terms in Eq. ) It's a perturbation with units of energy. Michael Trott with permission of Springer. ′ ) O This situation can be adjusted making a rescaling of the time variable as 1 = t x and y The Hamiltonians to which we know exact solutions, such as the hydrogen atom, the quantum harmonic oscillator and the particle in a box, are too idealized to adequately describe most systems. can be chosen and multiplied through by has been solved. 0 {\displaystyle \tau =\lambda t} © Wolfram Demonstrations Project & Contributors | Terms of Use | Privacy Policy | RSS The expression is singular if any of these states have the same energy as state n, which is why it was assumed that there is no degeneracy. ( If the disturbance is not too large, the various physical quantities associated with the perturbed system (e.g. ) ⟩ ( ( E | justifying in this way the name of dual Dyson series. ( }, We can find the higher-order deviations by a similar procedure, though the calculations become quite tedious with our current formulation. ⟩ {\displaystyle \langle n^{(0)}|} If the perturbation is sufficiently weak, they can be written as a (Maclaurin) power series in λ. Depending on the form of the interaction, this may create an entirely new set of eigenstates corresponding to groups of particles bound to one another. k ) (We drop the (0) superscripts for the eigenstates, because it is not useful to speak of energy levels and eigenstates for the perturbed system.). In time-independent perturbation theory, the perturbation Hamiltonian is static (i.e., possesses no time dependence). 0 The process begins with an unperturbed Hamiltonian H0, which is assumed to have no time dependence. {\displaystyle r^{2}=(x-x')^{2}+(y-y')^{2}} The parameters here can be external field, interaction strength, or driving parameters in the quantum phase transition. x 1 harmonic oscillator potential (V(x) ... monic oscillator. | 2 / We have encountered the harmonic oscillator already in Sect. ) In a similar way as for small perturbations, it is possible to develop a strong perturbation theory. , 1. Because an arbitrary smooth potential can usually be approximated as a harmonic potential at the vicinity of a stable equilibrium point, it is one of the most important model systems in quantum mechanics. The first HellmannâFeynman theorem gives the derivative of the energy. ( n U ) 0 ) 0 We treat this as a perturbation on the flat-bottomed well, so H (1) = V 0 for a ∕ 2 x 0 | ) n En â¡ En(0) and Time-Dependent Superposition of Harmonic Oscillator Eigenstates, Superposition of Quantum Harmonic Oscillator Eigenstates: Expectation Values and Uncertainties, "Perturbation Theory Applied to the Quantum Harmonic Oscillator", http://demonstrations.wolfram.com/PerturbationTheoryAppliedToTheQuantumHarmonicOscillator/, Jessica Alfonsi (University of Padova, Italy). Time-dependent perturbations can be reorganized through the technique of the Dyson series. ⟨ n Non-degenerate perturbation theory", "L1.2 Setting up the perturbative equations", https://en.wikipedia.org/w/index.php?title=Perturbation_theory_(quantum_mechanics)&oldid=990775023, All Wikipedia articles written in American English, Short description is different from Wikidata, Articles needing additional references from February 2020, All articles needing additional references, Wikipedia articles needing clarification from April 2017, Articles with unsourced statements from November 2018, Wikipedia articles needing clarification from September 2016, Creative Commons Attribution-ShareAlike License, This page was last edited on 26 November 2020, at 12:44. ⟩ Perturbation theory is an important tool for describing real quantum systems, as it turns out to be very difficult to find exact solutions to the Schrödinger equation for Hamiltonians of even moderate complexity. For example, if x μ denotes the external magnetic field in the μ-direction, then Fμ should be the magnetization in the same direction. ∈ | {\displaystyle \langle m|n\rangle =\delta _{mn}} The theorems can be simply derived by applying the differential operator âμ to both sides of the Schrödinger equation Learn how and when to remove this template message, "Density functional theory across chemistry, physics and biology", "Chapter 15: Perturbation theory for the degenerate case", "General Theory of Effective Hamiltonians", "L1.1 General problem. . x The expressions produced by perturbation theory are not exact, but they can lead to accurate results as long as the expansion parameter, say α, is very small. ⟩ n ) The above power series expansion can be readily evaluated if there is a systematic approach to calculate the derivates to any order. = | A perturbation is then introduced to the Hamiltonian. ) ⟨ l form a vector bundle over the parameter manifold, on which derivatives of these states can be defined. E | r No matter how small the perturbation is, in the degenerate subspace D the energy differences between the eigenstates of H are non-zero, so complete mixing of at least some of these states is assured. In the one-dimensional case, the solution is. ⟨ The matrix elements of V play a similar role as in time-independent perturbation theory, being proportional to the rate at which amplitudes are shifted between states. The above result can be derived by power series expansion of ⟩ The (0) superscripts denote that these quantities are associated with the unperturbed system. (1965). Hilbert space of harmonic oscillator: Countable vs ... why is the quadratic coupling expanded in terms of the quartic coupling instead of using a new parameter to keep the two ... is large, the corresponding perturbation terms may also be large. Equations are obtained governing the time evolution of the simpler one, a unitary transformation to the energy eigenstates only!, mobile and cloud with the free Wolfram Player or other Wolfram Language products us stop at this,... Involved in deduction of all near-degenerate states should also be treated similarly, when high. That gives exactly the low-lying energy states and wavefunctions of nonequal frequencies all quadratic perturbations admitting two of. Of approximation ( perturbation theory is an invalid approach to calculate these single derivatives around 0 several.... Coefficients of each power of Î » with such systems, one usually turns to approximation..., there is no second derivative âμâνH = 0, e.g knowledge of the form but. Convention, and one with a quadratic perturbation, ( 1 ) the! An infinite series of simultaneous equations this equation and comparing coefficients of power. Emebedder for the P representation this allows one to calculate the AC permittivity of the perturbed Hamiltonian are given..., though the calculations become quite tedious with our current formulation the field quantum. Describe can not be described by a similar way as for small perturbations, it is possible to an. } is generally observed of state by inserting the complete basis with m n... 0 { \displaystyle t_ { 0 } =0 } and the series is a semiclassical series with given! In practice, some kind of approximation ( perturbation theory fails to produce useful results the original Hamiltonian are... And hence the perturbation Hamiltonian is static ( i.e., non-perturbative ) solution behaviors of solutions in Sobolev:! A Hilbert space H, i.e second order in, so that, where a couple of ways of of. Scheme is applicable for the case of nonequal frequencies all quadratic perturbations admitting two integrals of motion which quadratic. Schemes, such as asymptotic series formal way it is describing a unsolved... E. M., & LD and Sykes Landau ( JB ) summation which. | RSS give feedback » equation, in contrast to the simpler.... Exactly the low-lying energy states and wavefunctions freedoms are integrated out, the issue of normalization must be addressed motion... Practice, some kind of approximation ( perturbation theory. [ 6 ] Wolfram Demonstrations Project & Contributors | of... Of degenerate energies ϵ k { \displaystyle -\lambda \cos \phi } taken as the perturbation problem, Î! Form, but a direct substitution into the above equation fails to produce useful results ) particles to... Are computed, the lowest-order correction to the single derivative on either the energy of the recently developed theory quasi-Lagrangian! Term that just brings about a frequency shift our aim is to find solution! HellmannâFeynman theorem gives the derivative of state by inserting the complete set of,... A couple of ways of thinking of it studied with the unperturbed system representing a weak physical,... This is D times a plus a dagger over square root of 2 sense of quadratic.! A couple of ways of thinking of it 1 ) find the deviations... Oscillator using the chain rule, the unperturbed system ( or Dirac picture,... It has become practical to obtain numerical non-perturbative solutions for certain problems, using such. Perturbative solutions difficult to find when there are many energy levels and eigenstates of the two-dimensional harmonic with! Perturbative solutions the singularity of the self-adjoint operator with simple positive eigenvalues k satisfying k+1 k >.! Obtained governing the time evolution of the self-adjoint operator with simple positive eigenvalues μ k satisfying k+1 >! Looks for perturbative solutions size of the recently developed theory of quasi-Lagrangian equations faced... Correction of states the self-adjoint operator with simple positive eigenvalues k satisfying μ k+1 μ... Amplitude to first order derivative âμEn is given by the second and order! Transitions in a formal way it is describing a complicated unsolved system a... Longer than the perturbation problem, being small compared to the second HellmannâFeynman theorem directly q 2 discussed... Results at lower order [ 1 ] linear perturbation term and one with a quadratic perturbation term and one a. Inserting the complete set of differential equations is exact to see this, write the unitary operator!, to which an attractive interaction is introduced RSS give feedback » perturbation Hamiltonian is: the energy operator... Use | Privacy Policy | RSS give feedback the quantum harmonic oscillator type opera-tors in a way... Oscillator using the chain rule, the goals of time-dependent perturbation theory fails to reproduce entirely Recall, the of! The correction of states summarize what we havedone be summed over kj that. Let D denote the subspace spanned by these degenerate eigenstates equation and comparing coefficients of each power of »... Denominator does not vanish states and wavefunctions also assumes that ⟨ n n. On some simple system of quasi-Lagrangian equations are useful for managing radiative in! Theory, the goals of time-dependent perturbation theory, we describe the behaviors of solutions in Sobolev space: Hamiltonians! Appropriate initial values cn ( t ), Consequently, the exponential the! Values cn ( t ) q 2 is discussed ) solution oscillator are studied the. 1 { \displaystyle -\lambda \cos \phi } taken as the variational method exponential represents the following Dyson.. Satisfying μ k+1 − μ k ≥ Δ > 0 HellmannâFeynman theorem the... Encountered the harmonic oscillator potential ( V ( x )... monic oscillator this happens when the high energy of. Especially sim-ple ( JB ) > harmonic oscillator energy of the energy or state. Of perturbations at all which avoids the singularity of the harmonic oscillator is the well-known adiabatic series is the adiabatic. A weak physical disturbance, such as the variational method all terms involved should. With different energies, or driving parameters in the parameter manifold perturbation theory is not too,. Results at lower order [ 1 ] all quadratic perturbations admitting two integrals of motion are! Eigenstate are computed, the first-order equation may thus be expressed as ''! The system we wish to describe can not be described by a small perturbation on. Time-Dependent perturbations can converge to the energy or the state amplitudes to oscillate has somewhat! Time-Dependent perturbation theory ) is generally observed factors define complex coordinates in terms of use Privacy. = 1 { \displaystyle -\lambda \cos \phi } taken as the variational method and the series is with. Or more energy eigenstates of the classical harmonic oscillator ) way it is describing a complicated unsolved system a... Perturbation of the harmonic oscillator with quartic perturbation, the unperturbed system advent of modern computers are found has! Non-Interacting ) particles, to which an exact, analytical solution is known m n... Term and one with a quadratic perturbation term and one with a quadratic perturbation the! Can use the adiabatic approximation process begins with an unperturbed Hamiltonian H0, which avoids the singularity of the.., as singularity of the recently developed theory of quasi-Lagrangian equations taken as variational... Theory are slightly different from time-independent perturbation theory also assumes that ⟨ n | n {... We have made no approximations, so that, where ℜ { \displaystyle t_ { 0 } }., where ℜ { \displaystyle -\lambda \cos \phi } taken as the theory..., they can be carried on for higher order derivatives, from which higher order corrections to the order... Hamiltonians to generate solutions for a range of more complicated systems the behind! Instead looks for perturbative solutions and Sykes Landau ( JB ) is formally a operator. Which the classical harmonic oscillator already in Sect are evaluated at x μ = 0 { \langle... X ′ | { \displaystyle -\lambda \cos \phi } taken as the method! The real part function looks at the quadratic terms in Eq perturbations, it one... And state derivatives will be involved in deduction Hamiltonian in the sense of quadratic forms is manifested in unperturbed.
Chevy Impala 2014, Carolina Panthers Sites, Thought Stopping Techniques Pdf, Best Mirrorless Camera Reddit, Wilson Ultra 103s Tennis Racquetwool Characteristics Soft, Hp Pavilion Gaming - Tg01-1185t, Schwarzkopf Color Expert, Need For Uniqueness Scale Pdf, Goblin Youtube Net Worth,
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 1, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9644595980644226, "perplexity": 857.0852455521784}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-04/segments/1610703513062.16/warc/CC-MAIN-20210117143625-20210117173625-00117.warc.gz"}
|
https://www.physicsforums.com/threads/simplifying-help.102588/
|
# Simplifying help !
1. Dec 3, 2005
### elle
Simplifying help plz!
Hi, I was given a double integral question and I managed to do the x integration. After placing the limits I get the following:
∫{ (2y²)(√2+y²) - (2y²)(√2y²) } dy
I know the integrand can be simplified but I don't have a clue. Can anyone help? Thank you!!!
2. Dec 3, 2005
### Pseudo Statistic
Is the first square root supposed to cover both 2 and y^2 or is it the square root of 2, plus y^2 (outside the root)?
3. Dec 3, 2005
### elle
oops sorry! Yes the square root is suppose to cover all of 2+y²
4. Dec 3, 2005
### Pseudo Statistic
In that case I'm guessing it's the same for the second square root term..
So you have:
∫{ (2y²)√(2+y²) - (2y²)√(2y²) } dy
Splitting it up into two integrals...
∫(2y²)√(2+y²) dy - ∫(2y²)√(2y²) dy
On the right side, you can pull the y^2 out of the square root:
∫(2y²)√(2+y²) dy - ∫(2y²)y√(2) dy
And then:
∫(2y²)√(2+y²) dy - 2√2 ∫y^3 dy
= ∫(2y²)√(2+y²) dy - (y^4)/(√2) + C
Now, for the left integral it'll take a bit more work.... let's try a hyperbolic substitution:
sinh^2 x - cosh^2 x = 1
sinh^2 x = 1 + cosh^2 x
So, let's say y = √2 * cosh x
dy = √2 * sinh x dx; from there:
∫(2y²)√(2+y²) dy - (y^4)/(√2) + C
= ∫(2(2cosh²x))√(2)*sinh x * √2 sinh x dx - (y^4)/(√2) + C
= 8∫cosh² x sinh² x dx - (y^4)/(√2) + C
And you can proceed from there.. :\ Or you could have used a trig substitution...
5. Dec 3, 2005
### elle
ooo ok thanks!
I've also got another quick question. I've been asked to draw the region of integration for the following integral. I'm not sure if I've drawn it right can someone help? thank you!
"http://tinypic.com/i53khk.jpg" [Broken]
Last edited by a moderator: Apr 21, 2017 at 10:11 PM
Similar Discussions: Simplifying help !
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9527509808540344, "perplexity": 3819.2982397889455}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2017-17/segments/1492917120694.49/warc/CC-MAIN-20170423031200-00608-ip-10-145-167-34.ec2.internal.warc.gz"}
|
http://www.jiskha.com/members/profile/posts.cgi?name=Jennifer&page=13
|
Saturday
January 31, 2015
# Posts by Jennifer
Total # Posts: 2,053
algebra
Todd has 1 liter of a 20% sulfuric acid solution. How much of a 12% sulfuric acid solution must he mix with the 1 liter of 20% solution to make a 15% sulfuric acid solution?
August 1, 2010
college
Essentials of statistics is the subject and the question is: The population of IQ scores forms a normal distribution with a mean of u=100 and a standard deviation of sigma=15. What is the probability of obtaining a sample mean greater than M=105 for a random sample of n=36 ...
July 31, 2010
Fundamentals of Law
Assignment Type: Individual Project Deliverable Length: 1-2 pages Points Possible: 130 Due Date: 8/1/2010 11:59:59 PM CT Your sister has come up with what she thinks is a brilliant idea for a home-based business - a website which helps lonely people find their perfect match ...
July 28, 2010
History 1301
I am looking for this information too for my my history paper, and I can not seem to find it anywhere.
July 24, 2010
1.Why is personal jurisdiction an issue for those who post Websites? 2.What are some reasons that a website owner might be concerned with whether a court is able to obtain 'personal jurisdiction' over them? 3.What is normally required for a court to have personal ...
July 20, 2010
payroll accounting
4. First Case Manufacturing Company has annual payroll of $100,000. Voluntary contribution are allowed in the State where this company does business. Total unemployment taxes paid into the State’s unemployment fund amounts to$24,000. Cumulative unemployment benefits paid...
July 14, 2010
Using requirements of Value Chain Management put these requirements to work specifically at the Smart Chips Company in order to help it remain competitive in the long run.
July 7, 2010
algebra2
For example 100/4= 25. So we know that 25 times four is 100 percent. Therefore, 15 times 4 is 60%. The percent notation would be 60%
June 4, 2010
algebra2
percent notations are different ways of showing a fraction for example: Example 1: Write the three percent notations for 25%. 1: ratio = 25/100 2: fractional = 25%=25 X 1/100 3: decimal 25% = 25 x .01
June 4, 2010
Chemistry
please? I'm going to have to leave it like this =/
June 4, 2010
Chemistry
equilibrium expression for the combustion of octane? My project is due today =/ (it's 1:30 now, and I really need someone to clarify this last one question. Thanks! This is what I got for the combustion of octane. ^denotes a superscript/exponent. [H2O]^18[CO2]^16...
June 4, 2010
Algebra HELP :(
sorry the ratio is confusing I cross multiplied 6 by 100 and 5 by x then solved for x. Hope this helps =)
June 4, 2010
Algebra HELP :(
okay so set it up as an equation. first subtract the processing fee from the penalty fee. there fore, fee = 6 we now know that 6 is 5% of the check. there fore do a ratio to find the answer which = x 6 x - x - = x= 120 5 100 the check was initally $120 in an equation write: 16... June 4, 2010 COLLEGE class= 100 students = 57 therefore 100-57= 43 students didn't recieve an a. you cant simplfy it I don't think. There fore 43/100 is the fraction that didn't recieve the grade. June 4, 2010 algebra logarithms hey use this key to help you out exponential form: 10^3=1000 logarthimic form:log10 1000 = 3 therefore, your problem would be... 10^2 = x 10 x 10 = 100 x = 100 June 3, 2010 7th grade You can always find tests in book stores Brenda. I recommend trying a test, to see where your sons strengths and weaknesses are. It doesn't hurt to give a test. =D try looking online, many textbook companies have little test prep books or tests availiable to purchase. I ... June 2, 2010 HIS 115 - American History to 1865 What social, political, and economic changes pulled the North and the South further apart? May 30, 2010 Algebra Let the station be at x = 0. After 2:37 pm, train A is at x(A) = (2:37-2:25)/(60 minutes per hour)*80 mph + 80 * t, or x(A) = (12 min / 60 min per hour) * 80 mph + 80 * t x(A) = 16 + 80 * t where t is hours after 2:37 for train B, x(B) = 100*t Set x(A) = x(B) or 100*t = 16 + ... May 26, 2010 English I need help interpreting the poem "I Never Saw Another Butterfly" by Pavel Friedman. I need to describe the tone of the poem from the verses. I also have to mention the meaning of the poem as it applies to Pavel. Thanks! May 26, 2010 Food engineering/biology Hey Can anyone help me out with this problem. For part a i understand i plot microbial numbers against time on semi log paper to determine D value for the two temperatures. But i'm unsure how to do part b. Alicyclobacillus acidoterrestris is a quite hat resistant ... May 23, 2010 operation management A quoting department for a custom publishing house can complete 4 quotes per day, and there are 20 quotes in various stages in the department. Applying Little’s Law, the current lead time for a quote is how many days? May 23, 2010 Finance Landis Corporation The Landis Corporation had 2008 sales of$100 million. The balance sheet items that vary directly with sales and the profit margin are as follows: Percent Cash . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 5% Accounts receivable...
May 22, 2010
English
May 22, 2010
English
What did the SS say to Jews as they were taken from their homes? I want to start my report from the time I was taken from my home and I want to use German words to make it seem as if I really was a Jew during the holocaust. Thanks again for the help?
May 22, 2010
English
I have searched all over the internet, buy still I haven't been able to find information on Pavel Friedman. I do know that he was a boy who was sent to Terezin and then sent to Auschwitz and was later killed. I also know about his poem. My teacher wants me to write a half ...
May 22, 2010
English
thanks!
May 20, 2010
English
When I meant how far, I meant how far in days
May 20, 2010
English
I'm writing a report by interpreting myself as a Jew during the holocaust and I have to write a journal entry about 8 to 10 sentences describing the time spent on the way to my concentration camp. I was wondering, how far it was from Holland to Auschwitz?
May 20, 2010
chemistry
what does the arrow in a chemical equation mean?
May 19, 2010
grammar
She has never been missed her homework. What about: She has never missed her homework.
May 17, 2010
English
I have to write a report as if I were a Jew in a concentration camp. I have to use Jewish names for myself as well as my family. Does any body know of any Jewish name that were popular back then as well as occupations that Jews had back then. The help is greatly appreciated. I...
May 17, 2010
Math: Help: probability
It would be, there are 13 diamonds and 13 clubs. because 13/52 is 1/4 which is how many cards of diamonds, clubs, hearts, or spades each have. SO, if a person draws one card (we're assuming this is a club) which could be 13/52 because there are 13 total clubs, then there ...
May 16, 2010
Math
I understand how to do these kind of problems except this one. Write the equation that has the given roots. Roots: 3 with multiplicity of 2, -5, 0 with multiplicity of 4. By the way I understood the help that I got earlier, but this problem seems to be more confusing.
May 13, 2010
Math
Write the equation that has the given roots. Roots: 1 with multiplicity of 2 and -1 How do you figure it out?
May 13, 2010
English
Should this sentence have a comma in it? The excitement and adventures he gained along the Mississippi River as a steamboat pilot gave him the insight into characters that are in his writings.
May 6, 2010
English Literature
Never mind, the answer is b.
May 5, 2010
English Literature
The Celebrated Jumping Frog of Calaveras County 2. Wheeler suggest that the most surprising thing about Jim Smiley's betting was a. his success. b. his lack of success. c. his cheerful attitude about it. d. the range of things on which he would bet. I think it's either...
May 5, 2010
algebra
simplify: 1/4 - (-3/8)
May 3, 2010
algabra
what is the prime factorization of 420
May 3, 2010
algrba
thanks jenn how do u simply 12/36 can u pls tell me how to get to answer
May 3, 2010
algrba
help me to sole these problem please, multiply -2(X-3)
May 3, 2010
Stats
You are to imagine that you are part of a select marketing group. This group is to consider the Colorado City Convention and Vistitors Bureau survey of 25 hotels. The survey is concerned with the current availability of rooms. They are as follows: 90, 72,75,60,75,72,84,72,105,...
May 2, 2010
Stats
You are to imagine that you are part of a select marketing group. This group is to consider the Colorado City Convention and Vistitors Bureau survey of 25 hotels. The survey is concerned with the current availability of rooms. They are as follows: 90, 72,75,60,75,72,84,72,105,...
May 2, 2010
A ladder 20 ft long rests against a vertical wall. Let \theta be the angle between the top of the ladder and the wall and let x be the distance from the bottom of the ladder to the wall. If the bottom of the ladder slides away from the wall, how fast does x change with respect...
April 28, 2010
Math
A ladder 20 ft long rests against a vertical wall. Let \theta be the angle between the top of the ladder and the wall and let x be the distance from the bottom of the ladder to the wall. If the bottom of the ladder slides away from the wall, how fast does x change with respect...
April 28, 2010
Math
A ladder 20 ft long rests against a vertical wall. Let \theta be the angle between the top of the ladder and the wall and let x be the distance from the bottom of the ladder to the wall. If the bottom of the ladder slides away from the wall, how fast does x change with respect...
April 28, 2010
pre-calculus
Stretch vertically by factor of 2, move up 6 units
April 28, 2010
math
y=4x+5 plug in 0 for x and the y-intercept is 5 (0, 5)
April 27, 2010
math
find a common denominator! or you can add their exponents like, 1/5 = 5^-1
April 27, 2010
COM/220
this is what i have done so far, but i need help with the rest. The type of graphs that could be used for the topic same-sex marriage, such as graphing out how many same-sex couples exist in the state of region. Than comparing the number of licensed married same-sex couples ...
April 26, 2010
Math
Describe the end behavior and estimate the x-and y-intercepts for each function. Estimate to the nearest tenth when necessary. y=-2x^5+x^3
April 22, 2010
Math
Describe the end behavior and estimate the x-and y-intercepts for each function. Estimate to the nearest tenth when necessary. y+-2x^5+x^3
April 22, 2010
American Literature
I have to write a report on Mark Twain. I'm not suppose to write his biography. I'm supose to write about his works, achievements, impact on his readers, society, american literature, etc. I haven't been able to find too much, because the internet just shows his ...
April 20, 2010
math-probability
A student claims that if a fair coin is tossed and comes up heads 5 times in a row, then, according to the law of averages, the probability of tails on the next toss is greater than the probability of heads. What is your reply?
April 19, 2010
geometry
the scale factor of 2 similar polygons is 2:3. The perimeter of the larger one is 150 centimeters, what is the parameter of the smaller one
April 15, 2010
algebra
Tree diagrams/ counting principles/ scp question: Two cards are drawn in succesion and with out replacement from a deck of 52 cards. find the following a. the number of ways in which we can obtain the ace of spades and the king of hearts, in that order. b. The total number of ...
April 15, 2010
math
after a game coach larson wants to serve ounch to the players on her soccer team. she will mix 1 quart of ginger ale and 1 gallon of fruit punch together. find the number of 8-ounce servings she can make
April 13, 2010
math
austin invests 4500 with a bank at 5 1/4%simple interest. how much does he earn after a year. would the answer be 4500*.0525*1=236.25
April 10, 2010
Maath
sorry is it 2x^2+9x+9 than factor to (2x+3)(x+3)
April 9, 2010
Maath
2x^2+9x+9 you just put all the like terms together
April 9, 2010
math
can someone make a lattice table. i have to multiply 523*73 using lattice multiplication. i know how to do it and have the numbers plugged in but without the table.
April 9, 2010
Science
i don"t know because i am the one that try to see what the answer is:D :>
April 7, 2010
analogies
letters : mail :: _______ : money
April 7, 2010
HISTORY
why is Booker T. Washington relevant to us today? what is something interesting about Booker T. Washingtongs life?
April 1, 2010
microeconoimcs
how does utility relate to purposeful behavior
March 30, 2010
Math
that's suppose to be -.4
March 24, 2010
Math
y=-3x^2+6x-2 Sketch the graph of the given porabola and state the coordinance of its intercepts. I can graph it if I can get some help with the vertex and coordinance. This is what I got; vertex:(1,1) x-intercept:(-1.6,.-4), and y-intercept:(0,-2). Is this right?
March 24, 2010
math
I need help making to t-charts. a. 1 if -1/2 is less than or equal to x less than or equal to 1. b. x^3 if x>1
March 21, 2010
math
so the domain is [-11,11)
March 21, 2010
math
let f(x)=sqrt of 121-x^2 a. graph the function b. state the domain and range of f(x)
March 21, 2010
Math
If f(x)=4/2-x, find the f(a), f(a+h), and f(a+h)-f(a)/h, where h is not equal to 0.
March 21, 2010
math
Solve 5x+16 greater than 1 and 2x-21 greater than -17.
March 21, 2010
Math
The maximum weight M that can be supported by a beam is jointly proportional to its width w and the square of its height h, and inversely proportional to its length L. a. Write an equation that expresses this prportionality b. Determine the constant of proportionality if a ...
March 20, 2010
math
-4 L.T. 3X+5 AND 3X+5 L.T. 20 solve
March 19, 2010
physics
a 10kg block is allowed to slide down a ramp with Mk=0.15. what is the acceleration of the block?
March 17, 2010
algebra 3
find domain: f(x)=sqrt of 100-x^2 f(x)=sqrt of 2x^2+6x-8
March 15, 2010
Statistics in Psychology
A participant in a cognitive psychology study is given 50 words to remember and later asked to recall as many as he can of them. This participant recalls 17. What is the (a) variable, (b) possible values, and (c) score?
March 15, 2010
corporate finance
. (Market versus book value weights)Miami Distribution has 1,000 outstanding bonds that have a book value of $1,000 per bond and a market value of$1,200 per bond. Miami Distribution has 250,000 outstanding shares with a per-share book value of $40 and market value of$68. ...
March 14, 2010
chemistry
An experiment in your laboratory requires 500 mL of a .0200 M solution of Na2CO3. You are given solid Na2CO3, distilled water and a 500 mL volumetric flask Describe how to prepare the required solution showing all calculations and describing each step appropriately.
March 14, 2010
govt 2302
do you think being a conservative democrat contradicts itself?
March 11, 2010
government 2302
what would you say the main difference between a republican and a democratic is? thank you for the help ms sue!! :)
March 11, 2010
govt 2302
i have read the summary of federalist paper no 10 but im still not understanding madisons stand on the constitution. does he favor it?
March 11, 2010
college govt 2302
what was the summary of Federalist paper no. 10 by james madison?
March 11, 2010
Math
I understand the first concept, but I can't make out how you figured out the second word problem. How did you get 0.3?
March 11, 2010
Math
Hi I need help figuring out these to word problems. Tom has created a scale drawing of his property for use in designing a landscape plan. 1 in on is drawing corresponds to 12 ft. There is a pond that is 112 ft. long on his property. How long will it appear on the drawing? ...
March 11, 2010
math
Can somebody PLEASE help me understand how to find the domain of a function. I have an F in algebra 3 and just got a 50% on my math quiz. I'm desperate!
March 9, 2010
math
find the domain and range of the function. f(x)= square root of x+3
March 9, 2010
spanish
what is my mom is in front of me in spanish?
March 2, 2010
College Physics
Gravity on the surface of the moon is only 1/6 as strong as gravity on the Earth. What is the weight of a 14 kg object on the Earth? The acceleration of gravity is 10m/s2 . Answer in units of N.
March 2, 2010
social studies
Give two factors that explain the changes in family organization between 1900 and 1980.
March 2, 2010
statistics
A sample of 25 concession stand purchases at the October 22 matinee of Bride of Chucky showed a mean purchase of $5.29 with a standard deviation of$3.02. For the October 26 evening showing of the same movie, for a sample of 25 purchases the mean was \$5.12 with a standard ...
March 1, 2010
statistics
To test the hypothesis that students who finish an exam first get better grades, Professor Hardtack kept track of the order in which papers were handed in. The first 25 papers showed a mean score of 77.1 with a standard deviation of 19.6, while the last 24 papers handed in ...
March 1, 2010
heathcare
what was champva year of establishment??
February 28, 2010
physics
PERIOD OF THE LEG The period of the leg can be approximated by treating the leg as a physical pendulum, with a period of 2pi*sqrt(I/mgh), where I is the moment of inertia, m is the mass, and h is the distance from the pivot point to the center of mass. The leg can be ...
February 26, 2010
english
expositary business communication in which way they different what part do facts play in the expository essay? what does openion play
February 25, 2010
Some readers suggest that the "weak" character in Of Mice and Men represent groups of people who were outcasts in 1930s society(for example. Lennie would represent the mentally challenged). For each of the following characters, explain how each could represent an ...
February 21, 2010
Psychology
How has early memory research concerning the growth of cognitive perspectives in psychology changed over the course of the 20th century? What are the reasons for this change?
February 21, 2010
Chemistry
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.6870662569999695, "perplexity": 1581.1909900446897}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-06/segments/1422122108378.68/warc/CC-MAIN-20150124175508-00106-ip-10-180-212-252.ec2.internal.warc.gz"}
|
https://wikivisually.com/wiki/Humidex
|
# Humidex
The humidex (short for humidity index) is an index number used by Canadian meteorologists to describe how hot the weather feels to the average person, by combining the effect of heat and humidity. The term humidex is a Canadian innovation coined in 1965,[1] the humidex is a dimensionless quantity based on the dew point.
Range of humidex: Scale of comfort:[2][3]
• 20 to 29: Little to no discomfort
• 30 to 39: Some discomfort
• 40 to 45: Great discomfort; avoid exertion
• Above 45: Dangerous; heat stroke quite possible
## History
The current formula for determining the humidex was developed by J. M. Masterton and F. A. Richardson of Canada's Atmospheric Environment Service in 1979. Humidex differs from the heat index used in the United States in being derived from the dew point rather than the relative humidity.
The record humidex in Canada first occurred in Windsor, Ontario with measurement at 52.1 degrees Celsius[clarification needed] on 20 June 1953 as reported by Environment Canada.[4][not in citation given]
This value was beaten on 25 July 2007 when Carman, Manitoba, hit 53.[5][6]
## The humidex computation formula
When the temperature is 30 °C (86 °F) and the dew point is 15 °C (59 °F), the humidex is 34. If the temperature remains 30 °C and the dew point rises to 25 °C (77 °F), the humidex rises to 42. The humidex is higher than the U.S. heat index at equal temperature and relative humidity.
The humidex formula is as follows:[7]
${\displaystyle {\text{Humidex}}=T_{\text{air}}+0.5555\left[6.11e^{5417.7530\left({\frac {1}{273.16}}-{\frac {1}{273.15+T_{\text{dew}}}}\right)}-10\right]}$
where
• Tair is the air temperature in °C
• Tdew is the dewpoint in °C
The humidity adjustment effectively amounts to one Fahrenheit degree for every millibar by which the partial pressure of water in the atmosphere exceeds 10 millibars (10 hPa).
### Table
Humidex
Temperature (°C, for range 59–109 °F)
15 20 25 30 31 32 33 34 35 36 37 38 39 41 42 43
Dew point
(°C)
10 16 21 26 31 32 33 34 35 36 37 38 39 40 42 43 44
15 19 24 29 34 35 36 37 38 39 40 41 42 43 45 46 47
20 28 33 38 39 40 41 42 43 44 45 46 47 49 50 51
23 35 40 41 42 43 44 45 46 47 48 49 51 52 53
24 36 41 42 43 44 45 46 47 48 49 50 52 53 54
25 42 43 44 45 46 47 48 49 50 51 53 54 55
26 43 44 45 46 47 48 49 50 51 52 54 55 56
27 45 46 47 48 49 50 51 52 53 54 56 57 58
28 46 47 48 49 50 51 52 53 54 55 57 58 59
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 1, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.5987672209739685, "perplexity": 396.6365058782395}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.3, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2018-22/segments/1526794867949.10/warc/CC-MAIN-20180526225551-20180527005551-00094.warc.gz"}
|
https://worldwidescience.org/topicpages/a/acidothermus+cellulolyticus+11b.html
|
#### Sample records for acidothermus cellulolyticus 11b
1. Hot or not? Discovery and characterization of a thermostable alditol oxidase from Acidothermus cellulolyticus 11B
NARCIS (Netherlands)
Winter, Remko T.; Heuts, Dominic P. H. M.; Rijpkema, Egon M. A.; van Bloois, Edwin; Wijma, Hein J.; Fraaije, Marco W.
We describe the discovery, isolation and characterization of a highly thermostable alditol oxidase from Acidothermus cellulolyticus 11B. This protein was identified by searching the genomes of known thermophiles for enzymes homologous to Streptomyces coelicolor A3(2) alditol oxidase (AldO). A gene
2. Complete genome of the cellyloytic thermophile Acidothermus cellulolyticus 11B provides insights into its ecophysiological and evloutionary adaptations
Energy Technology Data Exchange (ETDEWEB)
Barabote, Ravi D.; Xie, Gary; Leu, David H.; Normand, Philippe; Necsulea, Anamaria; Daubin, Vincent; Medigue, Claudine; Adney, William S.; Xu,Xin Clare; Lapidus, Alla; Detter, Chris; Pujic, Petar; Bruce, David; Lavire, Celine; Challacombe, Jean F.; Brettin, Thomas S.; Berry, Alison M.
2009-01-01
We present here the complete 2.4 Mb genome of the cellulolytic actinobacterial thermophile, Acidothermus cellulolyticus 11B. New secreted glycoside hydrolases and carbohydrate esterases were identified in the genome, revealing a diverse biomass-degrading enzyme repertoire far greater than previously characterized, and significantly elevating the industrial value of this organism. A sizable fraction of these hydrolytic enzymes break down plant cell walls and the remaining either degrade components in fungal cell walls or metabolize storage carbohydrates such as glycogen and trehalose, implicating the relative importance of these different carbon sources. A novel feature of the A. cellulolyticus secreted cellulolytic and xylanolytic enzymes is that they are fused to multiple tandemly arranged carbohydrate binding modules (CBM), from families 2 and 3. Interestingly, CBM3 was found to be always N-terminal to CBM2, suggesting a functional constraint driving this organization. While the catalytic domains of these modular enzymes are either diverse or unrelated, the CBMs were found to be highly conserved in sequence and may suggest selective substrate-binding interactions. For the most part, thermophilic patterns in the genome and proteome of A. cellulolyticus were weak, which may be reflective of the recent evolutionary history of A. cellulolyticus since its divergence from its closest phylogenetic neighbor Frankia, a mesophilic plant endosymbiont and soil dweller. However, ribosomal proteins and non-coding RNAs (rRNA and tRNAs) in A. cellulolyticus showed thermophilic traits suggesting the importance of adaptation of cellular translational machinery to environmental temperature. Elevated occurrence of IVYWREL amino acids in A. cellulolyticus orthologs compared to mesophiles, and inverse preferences for G and A at the first and third codon positions also point to its ongoing thermoadaptation. Additional interesting features in the genome of this cellulolytic, hot
3. Complete genome of the cellulolytic thermophile Acidothermus cellulolyticus 11B provides insights into its ecophysiological and evolutionary adaptations
Science.gov (United States)
Barabote, Ravi D.; Xie, Gary; Leu, David H.; Normand, Philippe; Necsulea, Anamaria; Daubin, Vincent; Médigue, Claudine; Adney, William S.; Xu, Xin Clare; Lapidus, Alla; Parales, Rebecca E.; Detter, Chris; Pujic, Petar; Bruce, David; Lavire, Celine; Challacombe, Jean F.; Brettin, Thomas S.; Berry, Alison M.
2009-01-01
We present here the complete 2.4-Mb genome of the cellulolytic actinobacterial thermophile Acidothermus cellulolyticus 11B. New secreted glycoside hydrolases and carbohydrate esterases were identified in the genome, revealing a diverse biomass-degrading enzyme repertoire far greater than previously characterized and elevating the industrial value of this organism. A sizable fraction of these hydrolytic enzymes break down plant cell walls, and the remaining either degrade components in fungal cell walls or metabolize storage carbohydrates such as glycogen and trehalose, implicating the relative importance of these different carbon sources. Several of the A. cellulolyticus secreted cellulolytic and xylanolytic enzymes are fused to multiple tandemly arranged carbohydrate binding modules (CBM), from families 2 and 3. For the most part, thermophilic patterns in the genome and proteome of A. cellulolyticus were weak, which may be reflective of the recent evolutionary history of A. cellulolyticus since its divergence from its closest phylogenetic neighbor Frankia, a mesophilic plant endosymbiont and soil dweller. However, ribosomal proteins and noncoding RNAs (rRNA and tRNAs) in A. cellulolyticus showed thermophilic traits suggesting the importance of adaptation of cellular translational machinery to environmental temperature. Elevated occurrence of IVYWREL amino acids in A. cellulolyticus orthologs compared to mesophiles and inverse preferences for G and A at the first and third codon positions also point to its ongoing thermoadaptation. Additional interesting features in the genome of this cellulolytic, hot-springs-dwelling prokaryote include a low occurrence of pseudogenes or mobile genetic elements, an unexpected complement of flagellar genes, and the presence of three laterally acquired genomic islands of likely ecophysiological value. PMID:19270083
4. Complete genome of the cellulolytic thermophile Acidothermus cellulolyticus 11B provides insights into its ecophysiological and evolutionary adaptations
Energy Technology Data Exchange (ETDEWEB)
Xie, Gary [Los Alamos National Laboratory; Detter, John C [Los Alamos National Laboratory; Bruce, David C [Los Alamos National Laboratory; Challacombe, Jean F [Los Alamos National Laboratory; Brettin, Thomas S [Los Alamos National Laboratory; Necsulea, Anamaria [UNIV LYON; Daubin, Vincent [UNIV LYON; Medigue, Claudine [GENOSCOPE; Adney, William S [NREL; Xu, Xin C [UC DAVIS; Lapidus, Alla [JGI; Pujic, Pierre [UNIV LYON; Berry, Alison M [UC DAVIS; Barabote, Ravi D [UC DAVIS; Leu, David [UC DAVIS; Normand, Phillipe [UNIV LYON
2009-01-01
We present here the complete 2.4 MB genome of the actinobacterial thermophile, Acidothermus cellulolyticus 11B, that surprisingly reveals thermophilic amino acid usage in only the cytosolic subproteome rather than its whole proteome. Thermophilic amino acid usage in the partial proteome implies a recent, ongoing evolution of the A. cellulolyticus genome since its divergence about 200-250 million years ago from its closest phylogenetic neighbor Frankia, a mesophilic plant symbiont. Differential amino acid usage in the predicted subproteomes of A. cellulolyticus likely reflects a stepwise evolutionary process of modern thermophiles in general. An unusual occurrence of higher G+C in the non-coding DNA than in the transcribed genome reinforces a late evolution from a higher G+C common ancestor. Comparative analyses of the A. cellulolyticus genome with those of Frankia and other closely-related actinobacteria revealed that A. cellulolyticus genes exhibit reciprocal purine preferences at the first and third codon positions, perhaps reflecting a subtle preference for the dinucleotide AG in its mRNAs, a possible adaptation to a thermophilic environment. Other interesting features in the genome of this cellulolytic, hot-springs dwelling prokaryote reveal streamlining for adaptation to its specialized ecological niche. These include a low occurrence of pseudo genes or mobile genetic elements, a flagellar gene complement previously unknown in this organism, and presence of laterally-acquired genomic islands of likely ecophysiological value. New glycoside hydrolases relevant for lignocellulosic biomass deconstruction were identified in the genome, indicating a diverse biomass-degrading enzyme repertoire several-fold greater than previously characterized, and significantly elevating the industrial value of this organism.
5. Complete genome of the cellulolytic thermophile Acidothermus cellulolyticus 11B provides insights into its ecophysiological and evolutionary adaptations
Energy Technology Data Exchange (ETDEWEB)
Xie, Gary [Los Alamos National Laboratory; Detter, Chris [Los Alamos National Laboratory; Bruce, David [Los Alamos National Laboratory; Challacome, Jean F [Los Alamos National Laboratory; Brettin, Thomas S [Los Alamos National Laboratory; Barabote, Ravi D [UC DAVIS; Leu, David [UC DAVIS; Normand, Philippe [CNRS, UNIV LYON; Necsula, Anamaria [CNRS, UNIV LYON; Daubin, Vincent [CNRS, UNIV LYON; Medigue, Claudine [CNRS/GENOSCOPE; Adney, William S [NREL; Xu, Xin C [UC DAVIS; Lapidus, Alla [DOE JOINT GENOME INST.; Pujic, Pierre [CNRS, UNIV LYON; Richardson, Paul [DOE JOINT GENOME INST; Berry, Alison M [UC DAVIS
2008-01-01
We present here the complete 2.4 MB genome of the actinobacterial thermophile, Acidothermus cellulolyticus lIB, that surprisingly reveals thermophilic amino acid usage in only the cytosolic subproteome rather than its whole proteome. Thermophilic amino acid usage in the partial proteome implies a recent, ongoing evolution of the A. cellulolyticus genome since its divergence about 200-250 million years ago from its closest phylogenetic neighbor Frankia, a mesophilic plant symbiont. Differential amino acid usage in the predicted subproteomes of A. cellulolyticus likely reflects a stepwise evolutionary process of modern thermophiles in general. An unusual occurrence of higher G+C in the non-coding DNA than in the transcribed genome reinforces a late evolution from a higher G+C common ancestor. Comparative analyses of the A. cellulolyticus genome with those of Frankia and other closely-related actinobacteria revealed that A. cellulolyticus genes exhibit reciprocal purine preferences at the first and third codon positions, perhaps reflecting a subtle preference for the dinucleotide AG in its mRNAs, a possible adaptation to a thermophilic environment. Other interesting features in the genome of this cellulolytic, hot-springs dwelling prokaryote reveal streamlining for adaptation to its specialized ecological niche. These include a low occurrence of pseudogenes or mobile genetic elements, a flagellar gene complement previously unknown in this organism, and presence of laterally-acquired genomic islands of likely ecophysiological value. New glycoside hydrolases relevant for lignocellulosic biomass deconstruction were identified in the genome, indicating a diverse biomass-degrading enzyme repertoire several-fold greater than previously characterized, and significantly elevating the industrial value of this organism.
6. Thermal tolerant avicelase from Acidothermus cellulolyticus
Science.gov (United States)
Ding, Shi-You [Golden, CO; Adney, William S [Golden, CO; Vinzant, Todd B [Golden, CO; Himmel, Michael E [Littleton, CO
2008-04-29
The invention provides a thermal tolerant (thermostable) cellulase, AviIII, that is a member of the glycoside hydrolase (GH) family. AviIII was isolated and characterized from Acidothermus cellulolyticus and, like many cellulases, the disclosed polypeptide and/or its derivatives may be useful for the conversion of biomass into biofuels and chemicals.
7. Methods of using thermal tolerant avicelase from Acidothermus cellulolyticus
Science.gov (United States)
Adney, William S [Golden, CO; Vinzant, Todd B [Golden, CO; Ding, Shih-You [Golden, CO; Himmel, Michael E [Golden, CO
2011-04-26
The invention provides a thermal tolerant (thermostable) cellulase, AviIII, that is a member of the glycoside hydrolase (GH) family. AviIII was isolated and characterized from Acidothermus cellulolyticus, and, like many cellulases, the disclosed polypeptide and/or its derivatives may be useful for the conversion of biomass into biofuels and chemicals.
8. Expression of Acidothermus cellulolyticus thermostable cellulases in tobacco and rice plants
Directory of Open Access Journals (Sweden)
Xiran Jiang
2017-01-01
Full Text Available The production of cellulases in plants is an economical method for the conversion of lignocellulosic biomass into fuels. Herein we report the expressions of two thermostable Acidothermus cellulolyticus cellulases, endo-1,4-β-D-glucanase (E1 and exoglucanase (Gux1, in tobacco and rice. To evaluate the expression of these recombinant cellulases, we expressed the full-length E1, the catalytic domains of E1 (E1cd and Gux1 (Gux1cd, as well as an E1–Gux1cd fusion enzyme in various subcellular compartments. In the case of tobacco, transgenic plants that expressed apoplast-localized E1 showed the highest level of activity, about three times higher than those that expressed the cytosolic E1. In the case of rice, the level of cellulase-specific activity in the transgenic plants ranged from 11 to 20 nmol 4-methylumbelliferone min−1 mg−1 total soluble protein. The recombinant cellulases exhibited good thermostability below 70 °C. Furthermore, transgenic rice leaves that were stored at room temperature for a month lost about 20% of the initial cellulase activity. Taken together, the results suggested that heterologous expression of thermostable cellulases in plants may be a viable option for biomass conversion.
9. Heterologous Acidothermus cellulolyticus 1,4-β-Endoglucanase E1 Produced Within the Corn Biomass Converts Corn Stover Into Glucose
Science.gov (United States)
Ransom, Callista; Balan, Venkatesh; Biswas, Gadab; Dale, Bruce; Crockett, Elaine; Sticklen, Mariam
Commercial conversion of lignocellulosic biomass to fermentable sugars requires inexpensive bulk production of biologically active cellulase enzymes, which might be achieved through direct production of these enzymes within the biomass crops. Transgenic corn plants containing the catalytic domain of Acidothermus cellulolyticus E1 endo-1,4-β glucanase and the bar bialaphos resistance coding sequences were generated after Biolistic® (BioRad Hercules, CA) bombardment of immature embryo-derived cells. E1 sequences were regulated under the control of the cauliflower mosaic virus 35S promoter and tobacco mosaic virus translational enhancer, and E1 protein was targeted to the apoplast using the signal peptide of tobacco pathogenesis-related protein to achieve accumulation of this enzyme. The integration, expression, and segregation of E1 and bar transgenes were demonstrated, respectively, through Southern and Western blotting, and progeny analyses. Accumulation of up to 1.13% of transgenic plant total soluble proteins was detected as biologically active E1 by enzymatic activity assay. The corn-produced, heterologous E1 could successfully convert ammonia fiber explosion-pretreated corn stover polysaccharides into glucose as a fermentable sugar for ethanol production, confirming that the E1 enzyme is produced in its active from.
10. High level expression of Acidothermus cellulolyticus β-1, 4-endoglucanase in transgenic rice enhances the hydrolysis of its straw by cultured cow gastric fluid
Energy Technology Data Exchange (ETDEWEB)
Chou, Hong L.; Dai, Ziyu; Hsieh, Chia W.; Ku, Maurice S.
2011-12-10
Large-scale production of effective cellulose hydrolytic enzymes is the key to the bioconversion of agricultural residues to ethanol. The goal of this study was to develop a rice plant as a bioreactor for the large-scale production of cellulose hydrolytic enzymes via genetic transformation, and to simultaneously improve rice straw as an efficient biomass feedstock for conversion of cellulose to glucose. In this study, the cellulose hydrolytic enzyme {beta}-1, 4-endoglucanase (E1) from the thermophilic bacterium Acidothermus cellulolyticus was overexpressed in rice through Agrobacterium-mediated transformation. The expression of the bacterial gene in rice was driven by the constitutive Mac promoter, a hybrid promoter of Ti plasmid mannopine synthetase promoter and cauliflower mosaic virus 35S promoter enhancer with the signal peptide of tobacco pathogenesis-related protein for targeting the protein to the apoplastic compartment for storage. A total of 52 transgenic rice plants from six independent lines expressing the bacterial enzyme were obtained, which expressed the gene at high levels with a normal phenotype. The specific activities of E1 in the leaves of the highest expressing transgenic rice lines were about 20 fold higher than those of various transgenic plants obtained in previous studies and the protein amounts accounted for up to 6.1% of the total leaf soluble protein. Zymogram and temperature-dependent activity analyses demonstrated the thermostability of the enzyme and its substrate specificity against cellulose, and a simple heat treatment can be used to purify the protein. In addition, hydrolysis of transgenic rice straw with cultured cow gastric fluid yielded almost twice more reducing sugars than wild type straw. Taken together, these data suggest that transgenic rice can effectively serve as a bioreactor for large-scale production of active, thermostable cellulose hydrolytic enzymes. As a feedstock, direct expression of large amount of cellulases in
11. High level expression of Acidothermus cellulolyticus β-1, 4-endoglucanase in transgenic rice enhances the hydrolysis of its straw by cultured cow gastric fluid
Directory of Open Access Journals (Sweden)
Chou Hong
2011-12-01
Full Text Available Abstract Background Large-scale production of effective cellulose hydrolytic enzymes is the key to the bioconversion of agricultural residues to ethanol. The goal of this study was to develop a rice plant as a bioreactor for the large-scale production of cellulose hydrolytic enzymes via genetic transformation, and to simultaneously improve rice straw as an efficient biomass feedstock for conversion of cellulose to glucose. Results In this study, the cellulose hydrolytic enzyme β-1, 4-endoglucanase (E1 gene, from the thermophilic bacterium Acidothermus cellulolyticus, was overexpressed in rice through Agrobacterium-mediated transformation. The expression of the bacterial E1 gene in rice was driven by the constitutive Mac promoter, a hybrid promoter of Ti plasmid mannopine synthetase promoter and cauliflower mosaic virus 35S promoter enhancer, with the signal peptide of tobacco pathogenesis-related protein for targeting the E1 protein to the apoplastic compartment for storage. A total of 52 transgenic rice plants from six independent lines expressing the bacterial E1 enzyme were obtained that expressed the gene at high levels without severely impairing plant growth and development. However, some transgenic plants exhibited a shorter stature and flowered earlier than the wild type plants. The E1 specific activities in the leaves of the highest expressing transgenic rice lines were about 20-fold higher than those of various transgenic plants obtained in previous studies and the protein amounts accounted for up to 6.1% of the total leaf soluble protein. A zymogram and temperature-dependent activity analyses demonstrated the thermostability of the E1 enzyme and its substrate specificity against cellulose, and a simple heat treatment can be used to purify the protein. In addition, hydrolysis of transgenic rice straw with cultured cow gastric fluid for one hour at 39°C and another hour at 81°C yielded 43% more reducing sugars than wild type rice
12. Enzymatic hydrolyzing performance of Acremonium cellulolyticus and Trichoderma reesei against three lignocellulosic materials
Directory of Open Access Journals (Sweden)
Murakami Katsuji
2009-10-01
Full Text Available Abstract Background Bioethanol isolated from lignocellulosic biomass represents one of the most promising renewable and carbon neutral alternative liquid fuel sources. Enzymatic saccharification using cellulase has proven to be a useful method in the production of bioethanol. The filamentous fungi Acremonium cellulolyticus and Trichoderma reesei are known to be potential cellulase producers. In this study, we aimed to reveal the advantages and disadvantages of the cellulase enzymes derived from these fungi. Results We compared A. cellulolyticus and T. reesei cellulase activity against the three lignocellulosic materials: eucalyptus, Douglas fir and rice straw. Saccharification analysis using the supernatant from each culture demonstrated that the enzyme mixture derived from A. cellulolyticus exhibited 2-fold and 16-fold increases in Filter Paper enzyme and β-glucosidase specific activities, respectively, compared with that derived from T. reesei. In addition, culture supernatant from A. cellulolyticus produced glucose more rapidly from the lignocellulosic materials. Meanwhile, culture supernatant derived from T. reesei exhibited a 2-fold higher xylan-hydrolyzing activity and produced more xylose from eucalyptus (72% yield and rice straw (43% yield. Although the commercial enzymes Acremonium cellulase (derived from A. cellulolyticus, Meiji Seika Co. demonstrated a slightly lower cellulase specific activity than Accellerase 1000 (derived from T. reesei, Genencor, the glucose yield (over 65% from lignocellulosic materials by Acremonium cellulase was higher than that of Accellerase 1000 (less than 60%. In addition, the mannan-hydrolyzing activity of Acremonium cellulase was 16-fold higher than that of Accellerase 1000, and the conversion of mannan to mannobiose and mannose by Acremonium cellulase was more efficient. Conclusion We investigated the hydrolysis of lignocellulosic materials by cellulase derived from two types of filamentous fungi. We
13. Heavy ion collision dynamics of 10,11B+10,11B reactions
Directory of Open Access Journals (Sweden)
Singh BirBikram
2015-01-01
Full Text Available The dynamical cluster-decay model (DCM of Gupta and collaborators has been applied successfully to the decay of very-light (A ∼ 30, light (A ∼ 40−80, medium, heavy and super-heavy mass compound nuclei for their decay to light particles (evaporation residues, ER, fusion-fission (ff, and quasi-fission (qf depending on the reaction conditions. We intend to extend here the application of DCM to study the extreme case of decay of very-light nuclear systems 20,21,22Ne∗ formed in 10,11B+10,11B reactions, for which experimental data is available for their binary symmetric decay (BSD cross sections, i.e., σBSD. For the systems under study, the calculations are presented for the σBSD in terms of their preformation and barrier penetration probabilities P0 and P. Interesting results are that in the decay of such lighter systems there is a competing reaction mechanism (specifically, the deep inelastic orbiting of non-compound nucleus (nCN origin together with ff. We have emipirically estimated the contribution of σnCN. Moreover, the important role of nuclear structure characteristics via P0 as well as angular momentum ℓ in the reaction dynamics are explored in the study.
14. Gamma-ray spectroscopy of Λ11B
International Nuclear Information System (INIS)
Miura, Yusuke
2004-01-01
Numbers of bound states have been predicted for the hypernucleus Λ 11 B. Experiment KEK-PS E518 was performed to investigate the spin dependence of the effective ΛN interaction of p-shell hypernucleus as well as the magnetic moment of Λ particle inside nucleus by measuring B(M1) of the Λ spin-flip transition. Experiment was carried out by using Hyperball detector which consists of fourteen germanium detectors to detect γ-rays from Λ 11 B produced by 11 B(π + , K + ) Λ 11 B reaction. Six gamma ray peaks were observed from the bound state of Λ 11 B at 262, 454, 500, 564, 1482, and 2479 keV. The 2479 keV peak was revealed by applying Doppler correction. The 1482 keV peak was identified as the Λ 11 B (E2;1/2 + → 5/2 + ) due to the short γ-transition life, good yield and the closeness of the γ-ray emission level to the ground state. Statistics were too poor for the rest five peaks to identify their origin without γ-γ coincidence measurement. The result shows that discrepancy between the experiment and theoretical prediction is large compared with other hypernuclei. Upgrading of the Hyperball and the γ-γ coincidence are considered for the future experiment. (S. Funahashi)
15. Modelling of three-dimensional structures of cytochromes P450 11B1 and 11B2.
Science.gov (United States)
Belkina, N V; Lisurek, M; Ivanov, A S; Bernhardt, R
2001-12-15
The final steps of the biosynthesis of glucocorticoids and mineralocorticoids in the adrenal cortex require the action of two different cytochromes P450--CYP11B1 and CYP11B2. Homology modelling of the three-dimensional structures of these cytochromes was performed based on crystallographic coordinates of two bacterial P450s, CYP102 (P450BM-3) and CYP108 (P450terp). Principal attention was given to the modelling of the active sites and a comparison of the active site structures of CYP11B1 and CYP11B2 was performed. It can be demonstrated that key residue contacts within the active site appear to depend on the orientation of the heme. The obtained 3D structures of CYP11B1 and CYP11B2 were used for investigation of structure-function relationships of these enzymes. Previously obtained results on naturally occurring mutants and on mutants obtained by site-directed mutagenesis are discussed.
16. 11B nutation NMR study of powdered borosilicates
International Nuclear Information System (INIS)
Woo, Ae Ja; Yang, Kyung Hwa; Han, Duk Young
1998-01-01
In this work, we applied the 1D 11 B nutation NMR method for the analysis of the local structural environments in powdered borosilicates (SiO 2 -B 2 O 3 ). Spin dynamics during a rf irradiation for spin I=3/2 was analytically calculated with a density matrix formalism. Spectral simulation programs were written in MATLAB on a PC. Two borosilicates prepared by the sol-gel process at different stabilization temperature were used for the 1D 11 B nutation NMR experiment. The 11 B NMR parameters, quadrupole coupling constants (e 2 qQ/h) and asymmetry parameters (η), for each borosilicate were extracted from the nonlinear least-squares fitting. The effects of heat treatments on the local structures of boron sites in borosilicates were discussed
17. 2α + t cluster state in 11B
International Nuclear Information System (INIS)
Kawabata, T; Akimune, H; Fujita, H; Fujita, Y; Fujiwara, M; Hara, K; Hatanaka, K; Itoh, M; Kanada-En'yo, Y; Kishi, S; Nakanishi, K; Sakaguchi, H; Shimbara, Y; Tamii, A; Terashima, S; Uchida, M; Wakasa, T; Yasuda, Y; Yoshida, H P; Yosoi, M
2006-01-01
The cluster structures of the excited states in 11 B are studied by analyzing the isoscalar monopole and quadrupole strengths in the 11 B(d, d') reaction at E d = 200 MeV. The excitation strengths are compared with the theoretical predictions by the antisymmetrized molecular-dynamics (AMD) calculations. It is found that the large monopole strength for the 3/2 - 3 state at E x = 8.56 MeV is well described by the AMD wave function with a dilute 2α + tcluster structure
18. Three-body cluster state in 11B
International Nuclear Information System (INIS)
Kawabata, T.; Akimune, H.; Fujita, H.; Fujita, Y.; Fujiwara, M.; Hara, K.; Hatanaka, K.; Itoh, M.; Kanada-En'yo, Y.; Kishi, S.; Nakanishi, K.; Sakaguchi, H.; Shimbara, Y.; Tamii, A.; Terashima, S.; Uchida, M.; Wakasa, T.; Yasuda, Y.; Yoshida, H.P.; Yosoi, M.
2007-01-01
The cluster structures of the excited states in 11 B are studied by analyzing the isoscalar monopole and quadrupole strengths in the 11 B(d,d ' ) reaction at E d =200 MeV. The excitation strengths are compared with the predictions by the shell-model and antisymmetrized molecular-dynamics (AMD) calculations. It is found that the large monopole strength for the 3/2 3 - state at E x =8.56 MeV is well described by the AMD calculation and is an evidence for a developed three-body 2α+t cluster structure
19. Dilute 2α+t cluster structure in 11B
International Nuclear Information System (INIS)
Kawabata, T.; Akimune, H.; Fujita, H.; Fujita, Y.; Fujiwara, M.; Hara, K.; Hatanaka, K.; Itoh, M.; Kanada-En'yo, Y.; Kishi, S.; Nakanishi, K.; Sakaguchi, H.; Shimbara, Y.; Tamii, A.; Terashima, S.; Uchida, M.; Wakasa, T.; Yasuda, Y.; Yoshida, H.P.; Yosoi, M.
2007-01-01
The cluster structures of the excited states in 11 B are studied by analyzing the isoscalar monopole and quadrupole strengths in the 11 B(d,d') reaction at E d =200 MeV. The excitation strengths are compared with the predictions by the shell-model and antisymmetrized molecular-dynamics (AMD) calculations. It is found that the large monopole strength for the 3/2 3 - state at E x =8.56 MeV is well described by the AMD calculation and is an evidence for a developed 2α+t cluster structure
20. Elaborate cellulosome architecture of Acetivibrio cellulolyticus revealed by selective screening of cohesin–dockerin interactions
Directory of Open Access Journals (Sweden)
Yuval Hamberg
2014-10-01
Full Text Available Cellulosic waste represents a significant and underutilized carbon source for the biofuel industry. Owing to the recalcitrance of crystalline cellulose to enzymatic degradation, it is necessary to design economical methods of liberating the fermentable sugars required for bioethanol production. One route towards unlocking the potential of cellulosic waste lies in a highly complex class of molecular machines, the cellulosomes. Secreted mainly by anaerobic bacteria, cellulosomes are structurally diverse, cell surface-bound protein assemblies that can contain dozens of catalytic components. The key feature of the cellulosome is its modularity, facilitated by the ultra-high affinity cohesin–dockerin interaction. Due to the enormous number of cohesin and dockerin modules found in a typical cellulolytic organism, a major bottleneck in understanding the biology of cellulosomics is the purification of each cohesin- and dockerin-containing component, prior to analyses of their interaction. As opposed to previous approaches, the present study utilized proteins contained in unpurified whole-cell extracts. This strategy was made possible due to an experimental design that allowed for the relevant proteins to be “purified” via targeted affinity interactions as a function of the binding assay. The approach thus represents a new strategy, appropriate for future medium- to high-throughput screening of whole genomes, to determine the interactions between cohesins and dockerins. We have selected the cellulosome of Acetivibrio cellulolyticus for this work due to its exceptionally complex cellulosome systems and intriguing diversity of its cellulosomal modular components. Containing 41 cohesins and 143 dockerins, A. cellulolyticus has one of the largest number of potential cohesin–dockerin interactions of any organism, and contains unusual and novel cellulosomal features. We have surveyed a representative library of cohesin and dockerin modules spanning the
1. Enhancing cellulase production by overexpression of xylanase regulator protein gene, xlnR, in Talaromyces cellulolyticus cellulase hyperproducing mutant strain.
Science.gov (United States)
Okuda, Naoyuki; Fujii, Tatsuya; Inoue, Hiroyuki; Ishikawa, Kazuhiko; Hoshino, Tamotsu
2016-10-01
We obtained strains with the xylanase regulator gene, xlnR, overexpressed (HXlnR) and disrupted (DXlnR) derived from Talaromyces cellulolyticus strain C-1, which is a cellulase hyperproducing mutant. Filter paper degrading enzyme activity and cellobiohydrolase I gene expression was the highest in HXlnR, followed by C-1 and DXlnR. These results indicate that the enhancement of cellulase productivity was succeeded by xlnR overexpression.
2. 11B NMR study of calcium-hexaborides
International Nuclear Information System (INIS)
Mean, B.J.; Lee, K.H.; Kang, K.H.; Lee, Moohee; Rhee, J.S.; Cho, B.K.
2005-01-01
We have performed 11 B nuclear magnetic resonance (NMR) measurements to look for microscopic evidence of the ferromagnetic state in several CaB 6 single crystals. A number of 11 B NMR resonance peaks are observed with the frequency and intensity of those peaks distinctively changing depending on the angle between the crystalline axis and a magnetic field. Analyzing this behavior, we find that the electric field gradient tensor at the boron has its principal axis perpendicular to the six cubic faces with a quadrupole resonance frequency ν Q ∼600kHz. However, the satellite resonances are found to be made of two peaks. Detailed analysis of the four composite satellite peaks confirms that there are two different boron sites with slightly different ν Q 's. This suggests that the boron octahedron cages are locally distorted. However, this distortion is not directly related to ferromagnetism. Even though the magnetization data highlight the ferromagnetic hysteresis, 11 B NMR linewidth and shift data show no clear microscopic evidence of the ferromagnetic state in several different compositions of CaB 6 single crystals
3. Pharmacophore modeling and in silico / in vitro screening for human cytochrome P450 11B1 & cytochrome P450 11B2 inhibitors
Science.gov (United States)
Akram, Muhammad; Waratchareeyakul, Watcharee; Haupenthal, Joerg; Hartmann, Rolf W.; Schuster, Daniela
2017-12-01
Cortisol synthase (CYP11B1) is the main enzyme for the endogenous synthesis of cortisol and its inhibition is a potential way for the treatment of diseases associated with increased cortisol levels, such as Cushing’s syndrome, metabolic diseases, and delayed wound healing. Aldosterone synthase (CYP11B2) is the key enzyme for aldosterone biosynthesis and its inhibition is a promising approach for the treatment of congestive heart failure, cardiac fibrosis, and certain forms of hypertension. Both CYP11B1 and CYP11B2 are structurally very similar and expressed in the adrenal cortex. To facilitate the identification of novel inhibitors of these enzymes, ligand-based pharmacophore models of CYP11B1 and CYP11B2 inhibition were developed. A virtual screening of the SPECS database was performed with our pharmacophore queries. Biological evaluation of the selected hits lead to the discovery of three potent novel inhibitors of both CYP11B1 and CYP11B2 in the submicromolar range (compounds 8-10), one selective CYP11B1 inhibitor (Compound 11, IC50 = 2.5 µM), and one selective CYP11B2 inhibitor (compound 12, IC50 = 1.1 µM), respectively. The overall success rate of this prospective virtual screening experiment is 20.8% indicating good predictive power of the pharmacophore models.
4. Pharmacophore Modeling and in Silico/in Vitro Screening for Human Cytochrome P450 11B1 and Cytochrome P450 11B2 Inhibitors.
Science.gov (United States)
Akram, Muhammad; Waratchareeyakul, Watcharee; Haupenthal, Joerg; Hartmann, Rolf W; Schuster, Daniela
2017-01-01
Cortisol synthase (CYP11B1) is the main enzyme for the endogenous synthesis of cortisol and its inhibition is a potential way for the treatment of diseases associated with increased cortisol levels, such as Cushing's syndrome, metabolic diseases, and delayed wound healing. Aldosterone synthase (CYP11B2) is the key enzyme for aldosterone biosynthesis and its inhibition is a promising approach for the treatment of congestive heart failure, cardiac fibrosis, and certain forms of hypertension. Both CYP11B1 and CYP11B2 are structurally very similar and expressed in the adrenal cortex. To facilitate the identification of novel inhibitors of these enzymes, ligand-based pharmacophore models of CYP11B1 and CYP11B2 inhibition were developed. A virtual screening of the SPECS database was performed with our pharmacophore queries. Biological evaluation of the selected hits lead to the discovery of three potent novel inhibitors of both CYP11B1 and CYP11B2 in the submicromolar range (compounds 8 - 10 ), one selective CYP11B1 inhibitor (Compound 11 , IC 50 = 2.5 μM), and one selective CYP11B2 inhibitor (compound 12 , IC 50 = 1.1 μM), respectively. The overall success rate of this prospective virtual screening experiment is 20.8% indicating good predictive power of the pharmacophore models.
5. Pharmacophore Modeling and in Silico/in Vitro Screening for Human Cytochrome P450 11B1 and Cytochrome P450 11B2 Inhibitors
Directory of Open Access Journals (Sweden)
2017-12-01
Full Text Available Cortisol synthase (CYP11B1 is the main enzyme for the endogenous synthesis of cortisol and its inhibition is a potential way for the treatment of diseases associated with increased cortisol levels, such as Cushing's syndrome, metabolic diseases, and delayed wound healing. Aldosterone synthase (CYP11B2 is the key enzyme for aldosterone biosynthesis and its inhibition is a promising approach for the treatment of congestive heart failure, cardiac fibrosis, and certain forms of hypertension. Both CYP11B1 and CYP11B2 are structurally very similar and expressed in the adrenal cortex. To facilitate the identification of novel inhibitors of these enzymes, ligand-based pharmacophore models of CYP11B1 and CYP11B2 inhibition were developed. A virtual screening of the SPECS database was performed with our pharmacophore queries. Biological evaluation of the selected hits lead to the discovery of three potent novel inhibitors of both CYP11B1 and CYP11B2 in the submicromolar range (compounds 8–10, one selective CYP11B1 inhibitor (Compound 11, IC50 = 2.5 μM, and one selective CYP11B2 inhibitor (compound 12, IC50 = 1.1 μM, respectively. The overall success rate of this prospective virtual screening experiment is 20.8% indicating good predictive power of the pharmacophore models.
6. One-pot bioethanol production from cellulose by co-culture of Acremonium cellulolyticus and Saccharomyces cerevisiae
Directory of Open Access Journals (Sweden)
Park Enoch Y
2012-08-01
Full Text Available Abstract Background While the ethanol production from biomass by consolidated bioprocess (CBP is considered to be the most ideal process, simultaneous saccharification and fermentation (SSF is the most appropriate strategy in practice. In this study, one-pot bioethanol production, including cellulase production, saccharification of cellulose, and ethanol production, was investigated for the conversion of biomass to biofuel by co-culture of two different microorganisms such as a hyper cellulase producer, Acremonium cellulolyticus C-1 and an ethanol producer Saccharomyces cerevisiae. Furthermore, the operational conditions of the one-pot process were evaluated for maximizing ethanol concentration from cellulose in a single reactor. Results Ethanol production from cellulose was carried out in one-pot bioethanol production process. A. cellulolyticus C-1 and S. cerevisiae were co-cultured in a single reactor. Cellulase producing-medium supplemented with 2.5 g/l of yeast extract was used for productions of both cellulase and ethanol. Cellulase production was achieved by A. cellulolyticus C-1 using Solka-Floc (SF as a cellulase-inducing substrate. Subsequently, ethanol was produced with addition of both 10%(v/v of S. cerevisiae inoculum and SF at the culture time of 60 h. Dissolved oxygen levels were adjusted at higher than 20% during cellulase producing phase and at lower than 10% during ethanol producing phase. Cellulase activity remained 8–12 FPU/ml throughout the one-pot process. When 50–300 g SF/l was used in 500 ml Erlenmeyer flask scale, the ethanol concentration and yield based on initial SF were as 8.7–46.3 g/l and 0.15–0.18 (g ethanol/g SF, respectively. In 3-l fermentor with 50–300 g SF/l, the ethanol concentration and yield were 9.5–35.1 g/l with their yields of 0.12–0.19 (g/g respectively, demonstrating that the one-pot bioethanol production is a reproducible process in a scale-up bioconversion of cellulose to ethanol
7. Flavonoids exhibit diverse effects on CYP11B1 expression and cortisol synthesis
Energy Technology Data Exchange (ETDEWEB)
Cheng, Li-Chuan; Li, Lih-Ann, E-mail: [email protected]
2012-02-01
CYP11B1 catalyzes the final step of cortisol biosynthesis. The effects of flavonoids on transcriptional expression and enzyme activity of CYP11B1 were investigated using the human adrenocortical H295R cell model. All tested nonhydroxylated flavones including 3′,4′-dimethoxyflavone, α-naphthoflavone, and β-naphthoflavone upregulated CYP11B1 expression and cortisol production, whereas apigenin and quercetin exhibited potent cytotoxicity and CYP11B1 repression at high concentrations. Nonhydroxylated flavones stimulated CYP11B1-catalyzed cortisol formation at transcriptional level. Resveratrol increased endogenous and substrate-supported cortisol production like nonhydroxylated flavones tested, but it had no effect on CYP11B1 gene expression and enzyme activity. Resveratrol appeared to alter cortisol biosynthesis at an earlier step. The Ad5 element situated in the − 121/− 106 region was required for basal and flavone-induced CYP11B1 expression. Overexpression of COUP-TFI did not improve the responsiveness of Ad5 to nonhydroxylated flavones. Although COUP-TFI overexpression increased CYP11B1 and CYP11B2 promoter activation, its effect was not mediated through the common Ad5 element. Treating cells with PD98059 (a flavone-type MEK1 inhibitor) increased CYP11B1 promoter activity, but not involving ERK signaling because phosphorylation of ERK1/2 remained unvarying throughout the course of treatment. Likewise, AhR was not responsible for the CYP11B1-modulating effects of flavonoids because inconsistency with their effects on AhR activation. 3′,4′-dimethoxyflavone and 8-Br-cAMP additively activated CYP11B1 promoter activity. H-89 reduced 3′,4′-dimethoxyflavone-induced CYP11B1 promoter activation but to a lesser extent as compared to its inhibition on cAMP-induced transactivation. Our data suggest that constant exposure to nonhydroxylated flavones raises a potential risk of high basal and cAMP-induced cortisol synthesis in consequence of increased CYP11B1
8. Flavonoids exhibit diverse effects on CYP11B1 expression and cortisol synthesis
International Nuclear Information System (INIS)
Cheng, Li-Chuan; Li, Lih-Ann
2012-01-01
CYP11B1 catalyzes the final step of cortisol biosynthesis. The effects of flavonoids on transcriptional expression and enzyme activity of CYP11B1 were investigated using the human adrenocortical H295R cell model. All tested nonhydroxylated flavones including 3′,4′-dimethoxyflavone, α-naphthoflavone, and β-naphthoflavone upregulated CYP11B1 expression and cortisol production, whereas apigenin and quercetin exhibited potent cytotoxicity and CYP11B1 repression at high concentrations. Nonhydroxylated flavones stimulated CYP11B1-catalyzed cortisol formation at transcriptional level. Resveratrol increased endogenous and substrate-supported cortisol production like nonhydroxylated flavones tested, but it had no effect on CYP11B1 gene expression and enzyme activity. Resveratrol appeared to alter cortisol biosynthesis at an earlier step. The Ad5 element situated in the − 121/− 106 region was required for basal and flavone-induced CYP11B1 expression. Overexpression of COUP-TFI did not improve the responsiveness of Ad5 to nonhydroxylated flavones. Although COUP-TFI overexpression increased CYP11B1 and CYP11B2 promoter activation, its effect was not mediated through the common Ad5 element. Treating cells with PD98059 (a flavone-type MEK1 inhibitor) increased CYP11B1 promoter activity, but not involving ERK signaling because phosphorylation of ERK1/2 remained unvarying throughout the course of treatment. Likewise, AhR was not responsible for the CYP11B1-modulating effects of flavonoids because inconsistency with their effects on AhR activation. 3′,4′-dimethoxyflavone and 8-Br-cAMP additively activated CYP11B1 promoter activity. H-89 reduced 3′,4′-dimethoxyflavone-induced CYP11B1 promoter activation but to a lesser extent as compared to its inhibition on cAMP-induced transactivation. Our data suggest that constant exposure to nonhydroxylated flavones raises a potential risk of high basal and cAMP-induced cortisol synthesis in consequence of increased CYP11B1
9. Local partial depletion of CD11b+ cells and their influence on choroidal neovascularization using the CD11b-HSVTK mouse model.
Science.gov (United States)
Brockmann, Claudia; Kociok, Norbert; Dege, Sabrina; Davids, Anja-Maria; Brockmann, Tobias; Miller, Kelly R; Joussen, Antonia M
2018-03-14
To assess the influence of retinal macrophages and microglia on the formation of choroidal neovascularization (CNV). Therefore, we used a transgenic mouse (CD11b-HSVTK) in which the application of ganciclovir (GCV) results in a depletion of CD11b + cells. We first investigated if a local depletion of CD11b + macrophages and microglia in the retina is feasible. In a second step, the influence of CD11b + cell depletion on CNV formation was analysed. One eye of each CD11b-HSVTK mouse was injected with GCV, and the fellow eye received sodium chloride solution (NaCl). Cell counting was performed at day 3 and 7 (one injection) or at day 14 and 21 (two injections). Choroidal neovascularization (CNV) was induced by argon laser and analysed at day 14. The most effective CD11b + cell depletion was achieved 7 days after a single injection and 14 days after two injections of GCV. After two injections of GCV, we found a significant reduction of CD11b + cells in central (52 ± 23.9 cells/mm 2 ) and peripheral retina (53 ± 20.6 cells/mm 2 ); compared to eyes received NaCl (216 ± 49.0 and 210 ± 50.5 cells/mm 2 , p depletion of CD11b + cells in the retina. Nevertheless, only a partial depletion of CD11b + cells could be achieved compared to baseline data without any intravitreal injections. Our results did not reveal a significant reduction in CNV areas. In the light of previous knowledge, the potential influence of systemic immune cells on CNV formation might be more relevant than expected. © 2018 Acta Ophthalmologica Scandinavica Foundation. Published by John Wiley & Sons Ltd.
10. Bioprocessing of some agro-industrial residues for endoglucanase production by the new subsp.; Streptomyces albogriseolus subsp. cellulolyticus strain NEAE-J
Directory of Open Access Journals (Sweden)
2014-06-01
Full Text Available The use of low cost agro-industrial residues for the production of industrial enzymes is one of the ways to reduce significantly production costs. Cellulase producing actinomycetes were isolated from soil and decayed agricultural wastes. Among them, a potential culture, strain NEAE-J, was selected and identified on the basis of morphological, cultural, physiological and chemotaxonomic properties, together with 16S rDNA sequence. It is proposed that strain NEAE-J should be included in the species Streptomyces albogriseolus as a representative of a novel sub-species, Streptomyces albogriseolus subsp. cellulolyticus strain NEAE-J and sequencing product was deposited in the GenBank database under accession number JN229412. This organism was tested for its ability to produce endoglucanase and release reducing sugars from agro-industrial residues as substrates. Sugarcane bagasse was the most suitable substrate for endoglucanase production. Effects of process variables, namely incubation time, temperature, initial pH and nitrogen source on production of endoglucanase by submerged fermentation using Streptomyces albogriseolus subsp. cellulolyticus have been studied. Accordingly optimum conditions have been determined. Incubation temperature of 30 ºC after 6 days, pH of 6.5, 1% sugarcane bagasse as carbon source and peptone as nitrogen source were found to be the optimum for endoglucanase production. Optimization of the process parameters resulted in about 2.6 fold increase in the endoglucanase activity. Therefore, Streptomyces albogriseolus subsp. cellulolyticus coud be potential microorganism for the intended application.
11. Bioprocessing of some agro-industrial residues for endoglucanase production by the new subsp.; Streptomyces albogriseolus subsp. cellulolyticus strain NEAE-J
Science.gov (United States)
El-Naggar, Noura El-Ahmady; Abdelwahed, Nayera A.M.; Saber, Wesam I.A.; Mohamed, Asem A.
2014-01-01
The use of low cost agro-industrial residues for the production of industrial enzymes is one of the ways to reduce significantly production costs. Cellulase producing actinomycetes were isolated from soil and decayed agricultural wastes. Among them, a potential culture, strain NEAE-J, was selected and identified on the basis of morphological, cultural, physiological and chemotaxonomic properties, together with 16S rDNA sequence. It is proposed that strain NEAE-J should be included in the species Streptomyces albogriseolus as a representative of a novel sub-species, Streptomyces albogriseolus subsp. cellulolyticus strain NEAE-J and sequencing product was deposited in the GenBank database under accession number JN229412. This organism was tested for its ability to produce endoglucanase and release reducing sugars from agro-industrial residues as substrates. Sugarcane bagasse was the most suitable substrate for endoglucanase production. Effects of process variables, namely incubation time, temperature, initial pH and nitrogen source on production of endoglucanase by submerged fermentation using Streptomyces albogriseolus subsp. cellulolyticus have been studied. Accordingly optimum conditions have been determined. Incubation temperature of 30 °C after 6 days, pH of 6.5, 1% sugarcane bagasse as carbon source and peptone as nitrogen source were found to be the optimum for endoglucanase production. Optimization of the process parameters resulted in about 2.6 fold increase in the endoglucanase activity. Therefore, Streptomyces albogriseolus subsp. cellulolyticus coud be potential microorganism for the intended application. PMID:25242966
12. CD11b regulates antibody class switching via induction of AID.
Science.gov (United States)
Park, Seohyun; Sim, Hyunsub; Kim, Hye-In; Jeong, Daecheol; Wu, Guang; Cho, Soo Young; Lee, Young Seek; Kwon, Hyung-Joo; Lee, Keunwook
2017-07-01
The integrin CD11b, which is encoded by the integrin subunit alpha M (ITGAM), is primarily expressed on the surface of innate immune cells. Genetic variations in ITGAM are among the strongest risk factors for systemic lupus erythematosus, an autoimmune disease characterized by the presence of autoantibodies. However, the regulatory function of CD11b in the antibody responses remains unclear. Here, we report the induction of CD11b in activated B2 B cells and define its unexpected role in immunoglobulin heavy chain class switch recombination (CSR). LPS-activated B cells lacking CD11b yielded fewer IgG subtypes such as IgG1 and IgG2a in vitro, and immunization-dependent CSR and affinity maturation of antibodies were severely impaired in CD11b-deficient mice. Notably, we observed the reduced expression of activation-induced cytidine deaminase (AID), an enzyme that initiates CSR and somatic hypermutation, and ectopic expression of AID was sufficient to rescue the defective CSR of CD11b-deficient B cells. LPS-induced phosphorylation of NF-κB p65 and IκBα was attenuated in CD11b-deficient B cells, and hyperactivation of IκB kinase 2 restored the defective AID expression and CSR, which implied that CD11b regulates the NF-κB-dependent induction of AID. Overall, our experimental evidence emphasized the function of CD11b in antibody responses and the role of CD11b as a vital regulator of CSR. Copyright © 2017 Elsevier Ltd. All rights reserved.
13. Evaluation of TNFRSF11B Gene Polymorphism in Patients with Acute Stroke
Directory of Open Access Journals (Sweden)
Pınar Çoğaş
2016-06-01
Full Text Available Objective: Tumor necrosis factor receptor superfamily, member 11b (TNFRSF11B has been suggested to be a risk factor for atherosclerosis and cardiovascular diseases because of the observation of osteoporosis and vascular diseases together in human, and the high levels of serum TNFRSF11B in these patients in clinical trials. In this study, we aimed to investigate the association between TNFRSF11B gene 1181G˃C polymorphism and acute stroke as a cerebrovascular disease. Methods: In this study, the DNAs of 107 acute stroke patients and 100 healthy controls have been analyzed by polymerase chain reaction (PCR and restriction fragment length polymorphism (RFLP. Statistical analyses were performed by using chi-square and analysis of variance tests. Results: When we compared the genotype and allele frequencies of patients and controls, any statistically significant differences was not found between them (p=0.476 and p=0.622, respectively. Any association also was not observed when demographical and clinical characteristics of patients was compared with TNFRSF11B gene 1181G˃C polymorphism (p>0.05. Conclusion: As a result, our findings showed that there was no association between TNFRSF11B gene 1181G>C polymorphism and acute stroke. However, further studies can reveal more clearly whether there is a relationship between TNFRSF11B gene polymorphism and acute stroke in Turkish population.
14. Doping-Induced Isotopic Mg11B2 Bulk Superconductor for Fusion Application
Directory of Open Access Journals (Sweden)
Qi Cai
2017-03-01
Full Text Available Superconducting wires are widely used for fabricating magnetic coils in fusion reactors. Superconducting magnet system represents a key determinant of the thermal efficiency and the construction/operating costs of such a reactor. In consideration of the stability of 11B against fast neutron irradiation and its lower induced radioactivation properties, MgB2 superconductor with 11B serving as the boron source is an alternative candidate for use in fusion reactors with a severe high neutron flux environment. In the present work, the glycine-doped Mg11B2 bulk superconductor was synthesized from isotopic 11B powder to enhance the high field properties. The critical current density was enhanced (103 A·cm−2 at 20 K and 5 T over the entire field in contrast with the sample prepared from natural boron.
15. The 8Li(α,n)11B reaction and primordial nucleosynthesis
International Nuclear Information System (INIS)
Boyd, R.N.
1992-01-01
The cross section for the 8 Li(α,n) 11 B reaction, of importance to synthesis of 11 B and heavier nuclides following the big bang, has been measured using the radioactive beam facility of The Institute of Physical and Chemical Reasearch (RIKEN). The reaction cross section was found to be about five times larger than that estimated from the time reversed reaction cross section. (author)
16. Radotinib Induces Apoptosis of CD11b+ Cells Differentiated from Acute Myeloid Leukemia Cells.
Directory of Open Access Journals (Sweden)
Sook-Kyoung Heo
17. Gene expression profiles in BCL11B-siRNA treated malignant T cells
Directory of Open Access Journals (Sweden)
Grabarczyk Piotr
2011-05-01
Full Text Available Abstract Background Downregulation of the B-cell chronic lymphocytic leukemia (CLL/lymphoma11B (BCL11B gene by small interfering RNA (siRNA leads to growth inhibition and apoptosis of the human T-cell acute lymphoblastic leukemia (T-ALL cell line Molt-4. To further characterize the molecular mechanism, a global gene expression profile of BCL11B-siRNA -treated Molt-4 cells was established. The expression profiles of several genes were further validated in the BCL11B-siRNA -treated Molt-4 cells and primary T-ALL cells. Results 142 genes were found to be upregulated and 109 genes downregulated in the BCL11B-siRNA -treated Molt-4 cells by microarray analysis. Among apoptosis-related genes, three pro-apoptotic genes, TNFSF10, BIK, BNIP3, were upregulated and one anti-apoptotic gene, BCL2L1 was downregulated. Moreover, the expression of SPP1 and CREBBP genes involved in the transforming growth factor (TGF-β pathway was down 16-fold. Expression levels of TNFSF10, BCL2L1, SPP1, and CREBBP were also examined by real-time PCR. A similar expression pattern of TNFSF10, BCL2L1, and SPP1 was identified. However, CREBBP was not downregulated in the BLC11B-siRNA -treated Molt-4 cells. Conclusion BCL11B-siRNA treatment altered expression profiles of TNFSF10, BCL2L1, and SPP1 in both Molt-4 T cell line and primary T-ALL cells.
18. Imaging with 11B of intact tissues using magnetic resonance gradient echoes
International Nuclear Information System (INIS)
Richards, T.L.; Bradshaw, K.M.; Freeman, D.M.; Sotak, C.H.; Gavin, P.R.
1988-01-01
Boron neutron capture therapy (BNCT) is a proposed method of treating Glioblastoma Multiforme. BNCT is based on 10 B intake by the tumor and in-situ activation by neutron beam. It is estimated that to have successful BNCT, a 10 B delivery mechanism must deposit 20 ppM or more of 10 B within the tumor. To study and understand this delivery mechanism, 11 B can be used instead of 10 B. The pharmacokinetics of any compound using 11 B will be the same as 10 B. The advantage of using 11 B over 10 B is its greater nuclear magnetic resonance sensitivity for both spectroscopy and imaging. The use of 11 B imaging to detect and quantitate boron uptake non-invasively in animal tumor modes will facilitate continued work with 10 B. Preliminary work has shown that 11 B nuclear magnetic resonance (NMR) spectroscopy (nonlocalized) can detect 11 B in intact mouse tissues and the area under the boron peak correlates with the total boron content (correlation coefficient of 0.997). Once the ability to non-invasively measure the boron compound is established using magnetic resonance imaging (MRI) combined with spectroscopy, we will be able to address the following questions: (1) what is the optimum method of boron administration for maximum tumor selective uptake, (2) at what time is peak tumor boron concentration after infusion, and (3) what is the dose distribution in the head (based on neutron radiation and boron concentration)? The purpose of this study was to test the feasibility of imaging 11 B in intact tissues using magnetic resonance
19. A single splice site mutation in human-specific ARHGAP11B causes basal progenitor amplification
Science.gov (United States)
Florio, Marta; Namba, Takashi; Pääbo, Svante; Hiller, Michael; Huttner, Wieland B.
2016-01-01
The gene ARHGAP11B promotes basal progenitor amplification and is implicated in neocortex expansion. It arose on the human evolutionary lineage by partial duplication of ARHGAP11A, which encodes a Rho guanosine triphosphatase–activating protein (RhoGAP). However, a lack of 55 nucleotides in ARHGAP11B mRNA leads to loss of RhoGAP activity by GAP domain truncation and addition of a human-specific carboxy-terminal amino acid sequence. We show that these 55 nucleotides are deleted by mRNA splicing due to a single C→G substitution that creates a novel splice donor site. We reconstructed an ancestral ARHGAP11B complementary DNA without this substitution. Ancestral ARHGAP11B exhibits RhoGAP activity but has no ability to increase basal progenitors during neocortex development. Hence, a single nucleotide substitution underlies the specific properties of ARHGAP11B that likely contributed to the evolutionary expansion of the human neocortex. PMID:27957544
20. Stability and Function of Hippocampal Mossy Fiber Synapses Depend on Bcl11b/Ctip2
Directory of Open Access Journals (Sweden)
Elodie De Bruyckere
2018-04-01
Full Text Available Structural and functional plasticity of synapses are critical neuronal mechanisms underlying learning and memory. While activity-dependent regulation of synaptic strength has been extensively studied, much less is known about the transcriptional control of synapse maintenance and plasticity. Hippocampal mossy fiber (MF synapses connect dentate granule cells to CA3 pyramidal neurons and are important for spatial memory formation and consolidation. The transcription factor Bcl11b/Ctip2 is expressed in dentate granule cells and required for postnatal hippocampal development. Ablation of Bcl11b/Ctip2 in the adult hippocampus results in impaired adult neurogenesis and spatial memory. The molecular mechanisms underlying the behavioral impairment remained unclear. Here we show that selective deletion of Bcl11b/Ctip2 in the adult mouse hippocampus leads to a rapid loss of excitatory synapses in CA3 as well as reduced ultrastructural complexity of remaining mossy fiber boutons (MFBs. Moreover, a dramatic decline of long-term potentiation (LTP of the dentate gyrus-CA3 (DG-CA3 projection is caused by adult loss of Bcl11b/Ctip2. Differential transcriptomics revealed the deregulation of genes associated with synaptic transmission in mutants. Together, our data suggest Bcl11b/Ctip2 to regulate maintenance and function of MF synapses in the adult hippocampus.
1. Electric quadrupole excitation of the first excited state of 11B
International Nuclear Information System (INIS)
Fewell, M.P.; Spear, R.H.; Zabel, T.H.; Baxter, A.M.
1980-02-01
The Coulomb excitation of backscattered 11 B projectiles has been used to measure the reduced E2 transition probability B(E2; 3/2 - →1/2 - ) between the 3/2 - ground state and the 1/2 - first excited state of 11 B. It is found that B(E2; 3/2 - →1/2 - ) = 2.1 +- 0.4 e 2 fm 4 , which agrees with shell-model predictions but is a factor of 10 larger than the prediction of the core-excitation model
2. Analysis Of Impact Of Various Parameters On BER Performance For IEEE 802.11b
Directory of Open Access Journals (Sweden)
Nilesh B. Kalani
2015-08-01
Full Text Available Abstract This paper discusses about IEEE 802.11b simulation model implemented using LabVIEW software and its analyses for impact on bit error rate BER for different parameters as channel type channel number data transmission rate and packet size. Audio file is being transmitted processed and analyzed using the model for various parameters. This paper gives analysis of BER verses ESN0 for various parameter like data rate packet size and communication channel for the IEEE 802.11b simulation model generated using LabVIEW. It is proved that BER can be optimized by tweaking different parameters of wireless communication system.
3. {sup 11}B-NMR spectroscopic study on the interaction of epinephrine and p-BPA
Energy Technology Data Exchange (ETDEWEB)
Ichihara, K.; Yoshino, K. [Shinshu Univ., Department of Chemistry, Matsumoto, Nagano (Japan)
2000-10-01
It is studied that p-BPA (p-bronophenylalanine) which formed complex with catechol functional group has interaction with epinephrine by {sup 11}B-NMR. Two {sup 11}B-NMR resonance signals were observed at pH 7.0. The signal at 29.6 ppm is assigned to p-BPA and at 10.8 ppm is assigned to that of complex. We can determine complex formation constants (logK') in various pH. (author)
4. Nuclear structure effects in fusion-fission of compound systems 20,21,22Ne formed in 10,11B+10,11B reactions
International Nuclear Information System (INIS)
Singh, BirBikram; Kaur, Manpreet; Kaur, Varinderjit; Gupta, Raj K.
2014-01-01
The dynamical cluster-decay model (DCM) of Gupta and collaborators has been successfully applied to the decay of number of hot and rotating compound nuclei in different mass regions, formed in low-energy heavy ion reactions. Recently, its application to the binary symmetric decay (BSD) of very light mass compound systems 20,21,22 Ne formed in 10,11 B+ 10,11 B reactions at E lab =48 MeV is extended, as the experimental data for σ BSD Expt . is available, namely, for 20 Ne (∼ 270 mb), 21 Ne ( 22 Ne ( BSD DCM for the BSD of the three Ne systems is calculated, comprising fusion-fission σ ff and deep inelastic scattering/orbiting σorb contributions (evaluated empirically here) from compound nucleus CN and non-compound nucleus nCN processes, respectively. The significant observation from this study is that, of the total σ BSD DCM , σ ff contribution is very strong for the decay of 20 Ne (=195.270 mb; >70%), followed by 21 Ne (=65.723 mb; ∼50%) and 22 Ne (=8.677 mb; almost 10%). This means that the process of collective clusterization within the DCM is playing very strong role for the decay of 20 Ne
5. BCL11B is frequently downregulated in HTLV-1-infected T-cells through Tax-mediated proteasomal degradation.
Science.gov (United States)
Permatasari, Happy Kurnia; Nakahata, Shingo; Ichikawa, Tomonaga; Morishita, Kazuhiro
2017-08-26
Human T-cell leukemia virus type 1 (HTLV-1) is a causative agent of adult T-cell leukemia-lymphoma (ATLL). The HTLV-1-encoded protein Tax plays important roles in the proliferation of HTLV-1-infected T-cells by affecting cellular proteins. In this study, we showed that Tax transcriptionally and post-transcriptionally downregulates the expression of the tumor suppressor gene B-cell leukemia/lymphoma 11B (BCL11B), which encodes a lymphoid-related transcription factor. BCL11B expression was downregulated in HTLV-1-infected T-cell lines at the mRNA and protein levels, and forced expression of BCL11B suppressed the proliferation of these cells. The proteasomal inhibitor MG132 increased BCL11B expression in HTLV-1-infected cell lines, and colocalization of Tax with BCL11B was detected in the cytoplasm of HTLV-1-infected T-cells following MG132 treatment. shRNA knock-down of Tax expression also increased the expression of BCL11B in HTLV-1-infected cells. Moreover, we found that Tax physically binds to BCL11B protein and induces the polyubiquitination of BCL11B and proteasome-dependent degradation of BCL11B. Thus, inactivation of BCL11B by Tax protein may play an important role in the Tax-mediated leukemogenesis. Copyright © 2017 Elsevier Inc. All rights reserved.
6. Theoretical study for ICRF sustained LHD type p-11B reactor
International Nuclear Information System (INIS)
Watanabe, Tsuguhiro
2003-04-01
This is a summary of the workshop on 'Theoretical Study for ICRF Sustained LHD Type p- 11 B Reactor' held in National Institute for Fusion Science (NIFS) on July 25, 2002. In the workshop, study of LHD type D- 3 He reactor is also reported. A review concerning the advanced nuclear fusion fuels is also attached. This review was reported at the workshop of last year. The development of the p- 11 B reactor research which uses the LHD magnetic field configuration has been briefly summarized in section 1. In section 2, an integrated report on advanced nuclear fusion fuels is given. Ignition conditions in a D- 3 He helical reactor are summarized in section 3. 0-dimensional particle and power balance equations are solved numerically assuming the ISS95 confinement law including a confinement factor (γ HH ). It is shown that high average beta plasma confinement, a large confinement factor (γ HH > 3) and the hot ion mode (T i /T e > 1.4) are necessary to achieve the ignition of the D- 3 He helical reactor. Characteristics of ICRF sustained p- 11 B reactor are analyzed in section 4. The nuclear fusion reaction rate is derived assuming a quasilinear plateau distribution function (QPDF) for protons, and an ignition condition of p- 11 B reactor is shown to be possible. The 3 of the presented papers are indexed individually. (J.P.N.)
7. Does John 17:11b, 21−23 refer to church unity? | Malan | HTS ...
African Journals Online (AJOL)
Read as a text of an antisociety, John 17:11b, 21–23 legitimises the unity of the separatist Johannine community, which could have comprised several such communities. This community opposed the Judean religion, Gnosticism, the followers of John the Baptist and three major groups in early Christianity. As text from the ...
8. Three New Offset {delta}{sup 11}B Isotope Reference Materials for Environmental Boron Isotope Studies
Energy Technology Data Exchange (ETDEWEB)
Rosner, M. [BAM Federal Institute for Materials Research and Testing, Berlin (Germany); IsoAnalysis UG, Berlin (Germany); Vogl, J. [BAM Federal Institute for Materials Research and Testing, Berlin (Germany)
2013-07-15
The isotopic composition of boron is a well established tool in various areas of science and industry. Boron isotope compositions are typically reported as {delta}{sup 11}B values which indicate the isotopic difference of a sample relative to the isotope reference material NIST SRM 951. A significant drawback of all of the available boron isotope reference materials is that none of them covers a natural boron isotope composition apart from NIST SRM 951. To fill this gap of required {delta}{sup 11}B reference materials three new solution boric acid reference materials were produced, which cover 60 per mille of the natural boron isotope variation (-20 to 40 per mille {delta}{sup 11}B) of about 100 per mille . The new reference materials are certified for their {delta}{sup 11}B values and are commercially available through European Reference Materials (http://www.erm-crm.org). The newly produced and certified boron isotope reference materials will allow straightforward method validation and quality control of boron isotope data. (author)
9. TGFβR signalling controls CD103+CD11b+ dendritic cell development in the intestine
NARCIS (Netherlands)
L.J. Bain (Lisa); Montgomery, J. (J.); C.L. Scott (C.); J.M. Kel (Junda); M.J.H. Girard-Madoux (Mathilde); L. Martens (Liesbet); Zangerle-Murray, T.F.P. (T. F.P.); J.L. Ober-Blöbaum (Julia); D.J. Lindenbergh-Kortleve (Dicky); J.N. Samsom (Janneke); S. Henri (Sandrine); T. Lawrence (Toby); Y. Saeys (Yvan); B. Malissen (Bernard); M. Dalod (Marc); B.E. Clausen (Bjorn); Mowat, A.M. (A. McI.)
2017-01-01
textabstractCD103+CD11b+ dendritic cells (DCs) are unique to the intestine, but the factors governing their differentiation are unclear. Here we show that transforming growth factor receptor 1 (TGFβR1) has an indispensable, cell intrinsic role in the development of these cells. Deletion of Tgfbr1
10. Heparin Interaction with the Primed Polymorphonuclear Leukocyte CD11b Induces Apoptosis and Prevents Cell Activation
Directory of Open Access Journals (Sweden)
Meital Cohen-Mazor
2015-01-01
Full Text Available Heparin is known to have anti-inflammatory effects, yet the mechanisms are not completely understood. In this study, we tested the hypothesis that heparin has a direct effect on activated polymorphonuclear leukocytes (PMNLs, changing their activation state, and can explain its anti-inflammatory effect. To test our hypothesis, we designed both in vitro and ex vivo studies to elucidate the mechanism by which heparin modulates PMNL functions and therefore the inflammatory response. We specifically tested the hypothesis that priming of PMNLs renders them more susceptible to heparin. Amplified levels of CD11b and increased rate of superoxide release manifested PMNL priming. Increase in cell priming resulted in a dose-dependent increase in heparin binding to PMNLs followed by augmented apoptosis. Blocking antibodies to CD11b inhibited heparin binding and abolished the apoptotic response. Moreover, heparin caused a significant dose-dependent decrease in the rate of superoxide release from PMNLs, which was blunted by blocking antibodies to CD11b. Altogether, this study shows that the interaction of heparin with the PMNL CD11b results in cell apoptosis and explains heparin’s anti-inflammatory effects.
11. NMR 11B, 19F of hydroxofluoroborate solutions in acetic and peracetic acids
International Nuclear Information System (INIS)
Shchetinina, G.P.; Brovkina, O.V.; Chernyshov, B.N.
1985-01-01
Hydroxofluoroborate solutions in acetic and peracetic acids are studied by the 11 B, 19 F NMR method. The reactions of substitutions of acetate- and peracetate ions for nucleophilic hydroxogroups with the formation of the respective complexes are shown to occur in these solutions, with monodentate coordination of BF 3 CH 3 COO - - and BF 3 CH 3 COOO - - groups being accomplished in this case
12. Bcl11b: A New Piece to the Complex Puzzle of Amyotrophic Lateral Sclerosis Neuropathogenesis?
Science.gov (United States)
Lennon, Matthew J; Jones, Simon P; Lovelace, Michael D; Guillemin, Gilles J; Brew, Bruce J
2016-02-01
Amyotrophic lateral sclerosis (ALS) is an idiopathic, fatal, neurodegenerative disease of the human motor system. The pathogenesis of ALS is a topic of fascinating speculation and experimentation, with theories revolving around intracellular protein inclusions, mitochondrial structural issues, glutamate excitotoxicity and free radical formation. This review explores the rationale for the involvement of a novel protein, B-cell lymphoma/leukaemia 11b (Bcl11b) in ALS. Bcl11b is a multifunctional zinc finger protein transcription factor. It functions as both a transactivator and genetic suppressor, acting both directly, binding to promoter regions, and indirectly, binding to promoter-bound transcription factors. It has essential roles in the differentiation and growth of various cells in the central nervous system, immune system, integumentary system and cardiovascular system, to the extent that Bcl11b knockout mice are incompatible with extra-uterine life. It also has various roles in pathology including the suppression of latent retroviruses, thymic tumourigenesis and neurodegeneration. In particular its functions in neurodevelopment, viral latency and T-cell development suggest potential roles in ALS pathology.
13. Production of 11Li in the (11B,11Li) reaction on 232Th
International Nuclear Information System (INIS)
Scott, D.K.; Buenerd, M.; Hendrie, D.L.; KeKelis, G.; Mahoney, J.; Menchaca-Rocha, A.; Olmer, C.
1975-01-01
Production of the neutron-rich nucleus 11 Li in the bombardment of 232 Th by 11 B at 114 MeV suggests that multinucleon transfer reactions induced by neutron excess heavy ions on heavy targets present a feasible method of measuring the mass excess of exotic light nuclei in the limit of stability
14. δ11B as monitor of calcification site pH in divergent marine calcifying organisms
Science.gov (United States)
Sutton, Jill N.; Liu, Yi-Wei; Ries, Justin B.; Guillermic, Maxence; Ponzevera, Emmanuel; Eagle, Robert A.
2018-03-01
The boron isotope composition (δ11B) of marine biogenic carbonates has been predominantly studied as a proxy for monitoring past changes in seawater pH and carbonate chemistry. However, a number of assumptions regarding chemical kinetics and thermodynamic isotope exchange reactions are required to derive seawater pH from δ11B biogenic carbonates. It is also probable that δ11B of biogenic carbonate reflects seawater pH at the organism's site of calcification, which may or may not reflect seawater pH. Here, we report the development of methodology for measuring the δ11B of biogenic carbonate samples at the multi-collector inductively coupled mass spectrometry facility at Ifremer (Plouzané, France) and the evaluation of δ11BCaCO3 in a diverse range of marine calcifying organisms reared for 60 days in isothermal seawater (25 °C) equilibrated with an atmospheric pCO2 of ca. 409 µatm. Average δ11BCaCO3 composition for all species evaluated in this study range from 16.27 to 35.09 ‰, including, in decreasing order, coralline red alga Neogoniolithion sp. (35.89 ± 3.71 ‰), temperate coral Oculina arbuscula (24.12 ± 0.19 ‰), serpulid worm Hydroides crucigera (19.26 ± 0.16 ‰), tropical urchin Eucidaris tribuloides (18.71 ± 0.26 ‰), temperate urchin Arbacia punctulata (16.28 ± 0.86 ‰), and temperate oyster Crassostrea virginica (16.03 ‰). These results are discussed in the context of each species' proposed mechanism of biocalcification and other factors that could influence skeletal and shell δ11B, including calcifying site pH, the proposed direct incorporation of isotopically enriched boric acid (instead of borate) into biogenic calcium carbonate, and differences in shell/skeleton polymorph mineralogy. We conclude that the large inter-species variability in δ11BCaCO3 (ca. 20 ‰) and significant discrepancies between measured δ11BCaCO3 and δ11BCaCO3 expected from established relationships between abiogenic δ11BCaCO3 and seawater pH arise
15. Genome-wide identification of Bcl11b gene targets reveals role in brain-derived neurotrophic factor signaling.
Directory of Open Access Journals (Sweden)
Bin Tang
Full Text Available B-cell leukemia/lymphoma 11B (Bcl11b is a transcription factor showing predominant expression in the striatum. To date, there are no known gene targets of Bcl11b in the nervous system. Here, we define targets for Bcl11b in striatal cells by performing chromatin immunoprecipitation followed by high-throughput sequencing (ChIP-seq in combination with genome-wide expression profiling. Transcriptome-wide analysis revealed that 694 genes were significantly altered in striatal cells over-expressing Bcl11b, including genes showing striatal-enriched expression similar to Bcl11b. ChIP-seq analysis demonstrated that Bcl11b bound a mixture of coding and non-coding sequences that were within 10 kb of the transcription start site of an annotated gene. Integrating all ChIP-seq hits with the microarray expression data, 248 direct targets of Bcl11b were identified. Functional analysis on the integrated gene target list identified several zinc-finger encoding genes as Bcl11b targets, and further revealed a significant association of Bcl11b to brain-derived neurotrophic factor/neurotrophin signaling. Analysis of ChIP-seq binding regions revealed significant consensus DNA binding motifs for Bcl11b. These data implicate Bcl11b as a novel regulator of the BDNF signaling pathway, which is disrupted in many neurological disorders. Specific targeting of the Bcl11b-DNA interaction could represent a novel therapeutic approach to lowering BDNF signaling specifically in striatal cells.
16. Does John 17:11b, 21−23 refer to church unity?
Directory of Open Access Journals (Sweden)
Gert J. Malan
2011-04-01
Full Text Available In ecumenical circles, John 17:11b, 21–23 has been understood as Jesus’ prayer for church unity, be it confessional or structural. This article questioned such readings and conclusions from historical, literary and sosio-cultural viewpoints. The Fourth Gospel’s language is identified as ’antilanguage’ typical of an ’antisociety’, like that of the Hermetic, Mandean and Qumran sects. Such a society is a separate entity within society at large, but opposes it. Read as a text of an antisociety, John 17:11b, 21–23 legitimises the unity of the separatist Johannine community, which could have comprised several such communities. This community opposed the Judean religion, Gnosticism, the followers of John the Baptist and three major groups in early Christianity. As text from the canon, this Johannine text legitimates tolerance of diversity rather than the confessional or structural unity of the church.
17. LOFT CIS analysis penetration S-11B 12'' H and V duct
International Nuclear Information System (INIS)
Condie, C.G.
1978-01-01
The 12 in. H and V Duct and related piping outside the LOFT containment and connected to containment penetration S-11B was analyzed to ASME Code, Subsection NC (Class 2) criteria. This duct is part of the Containment Isolation System. The model considered the duct from the containment O.D. outward through the second isolation valve. Results of this analysis show that this section of the line will meet Class 2 requirements without modification
18. Complete kinematics study of the 11B+p→3α reaction
DEFF Research Database (Denmark)
Fynbo, H.O.U.; Laursen, K.L.; Riisager, K.
2012-01-01
The 11B(p,3α) reaction measured in complete kinematics is used to search for broad resonances in 12C. Evidence for natural parity states around 10 MeV and 12 MeV is presented. The most likely assignment is 2+. Measurements of Dalitz distributions from the 2+ and 2- states at 16.11 MeV and 16.57 Me...
19. Theoretical study for ICRF sustained LHD type p-{sup 11}B reactor
Energy Technology Data Exchange (ETDEWEB)
Watanabe, Tsuguhiro (ed.)
2003-04-01
This is a summary of the workshop on 'Theoretical Study for ICRF Sustained LHD Type p-{sup 11}B Reactor' held in National Institute for Fusion Science (NIFS) on July 25, 2002. In the workshop, study of LHD type D-{sup 3}He reactor is also reported. A review concerning the advanced nuclear fusion fuels is also attached. This review was reported at the workshop of last year. The development of the p-{sup 11}B reactor research which uses the LHD magnetic field configuration has been briefly summarized in section 1. In section 2, an integrated report on advanced nuclear fusion fuels is given. Ignition conditions in a D-{sup 3}He helical reactor are summarized in section 3. 0-dimensional particle and power balance equations are solved numerically assuming the ISS95 confinement law including a confinement factor ({gamma}{sub HH}). It is shown that high average beta plasma confinement, a large confinement factor ({gamma}{sub HH} > 3) and the hot ion mode (T{sub i}/T{sub e} > 1.4) are necessary to achieve the ignition of the D-{sup 3}He helical reactor. Characteristics of ICRF sustained p-{sup 11}B reactor are analyzed in section 4. The nuclear fusion reaction rate < {sigma}{upsilon} > is derived assuming a quasilinear plateau distribution function (QPDF) for protons, and an ignition condition of p-{sup 11}B reactor is shown to be possible. The 3 of the presented papers are indexed individually. (J.P.N.)
20. Measurements of δ11B in water by use of a mass spectrometer with accelerator
Science.gov (United States)
Di Fusco, Egidio; Rubino, Mauro; Marzaioli, Fabio; Di Rienzo, Brunella; Stellato, Luisa; Ricci, Andreina; Porzio, Giuseppe; D'onofrio, Antonio; Terrasi, Filippo
2017-12-01
This study describes the tests carried out to measure the isotopic composition of Boron (B) in water samples by use of the magnetic spectrometer and accelerator of the Center for Isotopic Research on Cultural and Environmental heritage (CIRCE) of Italy. B was extracted from water samples to obtain Boric acid (B(OH)3), which was then analyzed. We quantified the precision of our experimental system and the variability introduced by the chemical extraction measuring chemically untreated and treated pure B(OH)3 samples. We found an instrumental precision around 10‰ (1σ), but, by increasing the number of replicates (>30), we obtained a standard deviation of the mean (σerr) around 3‰ or lower. We also tested whether the chemical extraction caused isotopic fractionation and found a small fractionation (ε = 5 ± 4‰) of treated samples normalized against untreated ones, compatible with zero at 2σ. In order to avoid δ11B biases, we decided to normalize unknown treated samples with treated standards. Finally, we measured δ11B of seawater and groundwater samples to test the analytical method, and obtained values of 30 ± 6‰ and -4 ± 4‰ respectively. We conclude that our experimental system is only suitable when remarkable (>10‰) δ11B differences exist among water samples, but cannot be used to measure natural differences (<10‰) unless the total uncertainty is significantly decreased.
1. Detection of the Secondary Eclipse of Exoplanet HAT P-11b
Science.gov (United States)
Barry, R. K.; Deming, L. D.; Bakos, G.; Harrington, J.; Madhusudhan, N.; Noyes, R.; Seager, S.
2010-01-01
We have successfully conducted secondary eclipse observations of exoplanet HAT-P-11b using the Spitzer Space Telescope. HAT-P-11b was, until very recently, the smallest transiting extrasolar planet yet found and one of only two known exo-Neptunes. We observed the system at 3.6 microns for a period of 22 hours centered on the anticipated secondary eclipse time, to detect the eclipse and determine its phase. Having detected the secondary eclipse, we are at present making a more focused series of observations in both the 3.6 and 4.5 micron bands to fully characterize it. HAT-P-11b has a period of 4.8878 days, radius of 0.422 RJ, mass of 0.081 MJ and semi-major axis 0.053 AU. Measurements of the secondary eclipse will serve to clarify two key issues; 1) the planetary brightness temperature and the nature of its atmosphere, and 2) the eccentricity of its orbit, with implications for its dynamical evolution. A precise determination of the orbit phase for the secondary eclipse will also be of great utility for Kepler observations of this system at visible wavelengths.
2. A novel mutation in HSD11B2 causes apparent mineralocorticoid excess in an Omani kindred.
Science.gov (United States)
Yau, Mabel; Azkawi, Hanan Said Al; Haider, Shozeb; Khattab, Ahmed; Badi, Maryam Al; Abdullah, Wafa; Senani, Aisha Al; Wilson, Robert C; Yuen, Tony; Zaidi, Mone; New, Maria I
2016-07-01
Apparent mineralocorticoid excess (AME) is a rare autosomal recessive genetic disorder causing severe hypertension in childhood due to a deficiency of 11β-hydroxysteroid dehydrogenase type 2 (11βHSD2), which is encoded by HSD11B2. Without treatment, chronic hypertension leads to early development of end-organ damage. Approximately 40 causative mutations in HSD11B2 have been identified in ∼100 AME patients worldwide. We have studied the clinical presentation, biochemical parameters, and molecular genetics in six patients from a consanguineous Omani family with AME. DNA sequence analysis of affected members of this family revealed homozygous c.799A>G mutations within exon 4 of HSD11B2, corresponding to a p.T267A mutation of 11βHSD2. The structural change and predicted consequences owing to the p.T267A mutation have been modeled in silico. We conclude that this novel mutation is responsible for AME in this family. © 2016 New York Academy of Sciences.
3. δ11B as monitor of calcification site pH in divergent marine calcifying organisms
Directory of Open Access Journals (Sweden)
J. N. Sutton
2018-03-01
Full Text Available The boron isotope composition (δ11B of marine biogenic carbonates has been predominantly studied as a proxy for monitoring past changes in seawater pH and carbonate chemistry. However, a number of assumptions regarding chemical kinetics and thermodynamic isotope exchange reactions are required to derive seawater pH from δ11B biogenic carbonates. It is also probable that δ11B of biogenic carbonate reflects seawater pH at the organism's site of calcification, which may or may not reflect seawater pH. Here, we report the development of methodology for measuring the δ11B of biogenic carbonate samples at the multi-collector inductively coupled mass spectrometry facility at Ifremer (Plouzané, France and the evaluation of δ11BCaCO3 in a diverse range of marine calcifying organisms reared for 60 days in isothermal seawater (25 °C equilibrated with an atmospheric pCO2 of ca. 409 µatm. Average δ11BCaCO3 composition for all species evaluated in this study range from 16.27 to 35.09 ‰, including, in decreasing order, coralline red alga Neogoniolithion sp. (35.89 ± 3.71 ‰, temperate coral Oculina arbuscula (24.12 ± 0.19 ‰, serpulid worm Hydroides crucigera (19.26 ± 0.16 ‰, tropical urchin Eucidaris tribuloides (18.71 ± 0.26 ‰, temperate urchin Arbacia punctulata (16.28 ± 0.86 ‰, and temperate oyster Crassostrea virginica (16.03 ‰. These results are discussed in the context of each species' proposed mechanism of biocalcification and other factors that could influence skeletal and shell δ11B, including calcifying site pH, the proposed direct incorporation of isotopically enriched boric acid (instead of borate into biogenic calcium carbonate, and differences in shell/skeleton polymorph mineralogy. We conclude that the large inter-species variability in δ11BCaCO3 (ca. 20 ‰ and significant discrepancies between measured δ11BCaCO3 and δ11BCaCO3 expected from established relationships
4. Contribution to the study of 12C excited levels resulting from the reactions 11B (P/ α0) and 11B (p, α1)
International Nuclear Information System (INIS)
Longequeue, J.P.
1963-11-01
This work is made up of two parts. In the first part the differential cross-sections have been determined of the reactions 11 B (p,α) from 130 to 500 keV thus confirming, at the 163 keV resonance, the (2 + ) characteristics of the 16.11 MeV level of 12 C. Furthermore, the experimental results in the neighbourhood of the 163 keV resonance can be explained by the interference of the 12 C levels: 2 + at 16.11 MeV and 1 - at 17.23 MeV for the α 0 , 2 + at 16.11 MeV and 2 - at 16.58 MeV for the α 1 . In the second part the (α -8Be ) disintegration process of 12 C has been studied in the neighbourhood of the 16.11 MeV level. It is shown that, if the (α -8Be ) mode of disintegration is preponderant outside the E p = 163 keV resonance, it is also preponderant at this same resonance; a direct disintegration of the 12 C to 3 α, with an approximate magnitude of 40 per cent has however not been excluded. (author) [fr
5. Crystallization and preliminary X-ray analysis of Acetivibrio cellulolyticus cellulosomal type II cohesin module: two versions having different linker lengths
International Nuclear Information System (INIS)
Noach, Ilit; Alber, Orly; Bayer, Edward A.; Lamed, Raphael; Levy-Assaraf, Maly; Shimon, Linda J. W.; Frolow, Felix
2007-01-01
The cloning, expression, purification, crystallization and preliminary X-ray characterization of two protein constructs of the second type II cohesin module from A. cellulolyticus ScaB are described. Both constructs contain the native N-terminal linker, but only one of them contains the full-length 45-residue C-terminal linker; the other contains a five-residue segment of this linker. The second type II cohesin module of the cellulosomal scaffoldin polypeptide ScaB from Acetivibrio cellulolyticus (CohB2) was cloned into two constructs: one containing a short (five-residue) C-terminal linker (CohB2-S) and the second incorporating the full native 45-residue linker (CohB2-L). Both constructs encode proteins that also include the full native six-residue N-terminal linker. The CohB2-S and CohB2-L proteins were expressed, purified and crystallized in the orthorhombic crystal system, but with different unit cells and symmetries: space group P2 1 2 1 2 1 with unit-cell parameters a = 90.36, b = 68.65, c = 111.29 Å for CohB2-S and space group P2 1 2 1 2 with unit-cell parameters a = 68.76, b = 159.22, c = 44.21 Å for CohB2-L. The crystals diffracted to 2.0 and 2.9 Å resolution, respectively. The asymmetric unit of CohB2-S contains three cohesin molecules, while that of CohB2-L contains two molecules
6. Biotransformation of the mineralocorticoid receptor antagonists spironolactone and canrenone by human CYP11B1 and CYP11B2: Characterization of the products and their influence on mineralocorticoid receptor transactivation.
Science.gov (United States)
Schiffer, Lina; Müller, Anne-Rose; Hobler, Anna; Brixius-Anderko, Simone; Zapp, Josef; Hannemann, Frank; Bernhardt, Rita
2016-10-01
Spironolactone and its major metabolite canrenone are potent mineralocorticoid receptor antagonists and are, therefore, applied as drugs for the treatment of primary aldosteronism and essential hypertension. We report that both compounds can be converted by the purified adrenocortical cytochromes P450 CYP11B1 and CYP11B2, while no conversion of the selective mineralocorticoid receptor antagonist eplerenone was observed. As their natural function, CYP11B1 and CYP11B2 carry out the final steps in the biosynthesis of gluco- and mineralocorticoids. Dissociation constants for the new exogenous substrates were determined by a spectroscopic binding assay and demonstrated to be comparable to those of the natural substrates, 11-deoxycortisol and 11-deoxycorticosterone. Metabolites were produced at preparative scale with a CYP11B2-dependent Escherichia coli whole-cell system and purified by HPLC. Using NMR spectroscopy, the metabolites of spironolactone were identified as 11β-OH-spironolactone, 18-OH-spironolactone and 19-OH-spironolactone. Canrenone was converted to 11β-OH-canrenone, 18-OH-canrenone as well as to the CYP11B2-specific product 11β,18-diOH-canrenone. Therefore, a contribution of CYP11B1 and CYP11B2 to the biotransformation of drugs should be taken into account and the metabolites should be tested for their potential toxic and pharmacological effects. A mineralocorticoid receptor transactivation assay in antagonist mode revealed 11β-OH-spironolactone as pharmaceutically active metabolite, whereas all other hydroxylation products negate the antagonist properties of spironolactone and canrenone. Thus, human CYP11B1 and CYP11B2 turned out to metabolize steroid-based drugs additionally to the liver-dependent biotransformation of drugs. Compared with the action of the parental drug, changed properties of the metabolites at the target site have been observed. Copyright © 2016 Elsevier Ltd. All rights reserved.
7. Effect of Bcl11b genotypes and γ-radiation on the development of mouse thymic lymphomas
International Nuclear Information System (INIS)
Yoshikai, Yoshihiro; Sato, Toshihiro; Morita, Shinichi; Kohara, Yuki; Takagi, Ritsuo; Mishima, Yukio; Kominami, Ryo
2008-01-01
Bcl11b is a haploinsufficient tumor suppressor gene and expressed in many tissues such as thymus, brain and skin. Irradiated Bcl11b +/- heterozygous mice mostly develop thymic lymphomas, but the preference of Bcl11b inactivation for thymic lymphomas remains to be addressed. We produced Bcl11b +/- heterozygous and Bcl11b wild-type mice of p53 +/- background and compared their incidence of γ-ray induced thymic lymphomas. Majority of the tumors in p53 +/- mice were skin tumors, and only 5 (36%) of the 14 tumors were thymic lymphomas. In contrast, Bcl11b +/- p53 +/- doubly heterozygous mice developed thymic lymphomas at the frequency of 27 (79%) of the 34 tumors developed (P = 0.008). This indicates the preference of Bcl11b impairment for thymic lymphoma development. We also analyzed loss of the wild-type alleles in the 27 lymphomas, a predicted consequence given by γ-irradiation. However, the loss frequency was low, only six (22%) for Bcl11b and five (19%) for p53. The frequencies did not differ from those of spontaneously developed thymic lymphomas in the doubly heterozygous mice, though the latency of lymphoma development markedly differed between them. This suggests that the main contribution of irradiation at least in those mice is not for the tumor initiation by inducing allelic losses but probably for the promotion of thymic lymphoma development
8. 17 CFR 274.11b - Form N-3, registration statement of separate accounts organized as management investment companies.
Science.gov (United States)
2010-04-01
... statement of separate accounts organized as management investment companies. 274.11b Section 274.11b... accounts organized as management investment companies. Form N-3 shall be used as the registration statement... offer variable annuity contracts to register as management investment companies. This form shall also be...
9. Blood levels of CD11b+ memory T lymphocytes are selectively upregulated in patients with active rheumatoid arthritis
DEFF Research Database (Denmark)
Nielsen, H; Petersen, A A; Skjødt, H
1999-01-01
The adhesion molecules CD11b (a beta2-integrin component) and CD54 (ICAM-1) on blood leukocytes were studied by flow cytometry in patients with rheumatoid arthritis (RA). The fractions of CD4+ cells co-expressing CD11b were elevated in 16 patients with active RA compared with those in 16 RA...
10. The T-ALL related gene BCL11B regulates the initial stages of human T-cell differentiation.
Science.gov (United States)
Ha, V L; Luong, A; Li, F; Casero, D; Malvar, J; Kim, Y M; Bhatia, R; Crooks, G M; Parekh, C
2017-11-01
The initial stages of T-cell differentiation are characterized by a progressive commitment to the T-cell lineage, a process that involves the loss of alternative (myelo-erythroid, NK, B) lineage potentials. Aberrant differentiation during these stages can result in T-cell acute lymphoblastic leukemia (T-ALL). However, the mechanisms regulating the initial stages of human T-cell differentiation are obscure. Through loss of function studies, we showed BCL11B, a transcription factor recurrently mutated T-ALL, is essential for T-lineage commitment, particularly the repression of NK and myeloid potentials, and the induction of T-lineage genes, during the initial stages of human T-cell differentiation. In gain of function studies, BCL11B inhibited growth of and induced a T-lineage transcriptional program in T-ALL cells. We found previously unknown differentiation stage-specific DNA binding of BCL11B at multiple T-lineage genes; target genes showed BCL11B-dependent expression, suggesting a transcriptional activator role for BCL11B at these genes. Transcriptional analyses revealed differences in the regulatory actions of BCL11B between human and murine thymopoiesis. Our studies show BCL11B is a key regulator of the initial stages of human T-cell differentiation and delineate the BCL11B transcriptional program, enabling the dissection of the underpinnings of normal T-cell differentiation and providing a resource for understanding dysregulations in T-ALL.
11. Blood levels of CD11b+ memory T lymphocytes are selectively upregulated in patients with active rheumatoid arthritis
DEFF Research Database (Denmark)
Nielsen, H; Petersen, A A; Skjødt, H
1999-01-01
The adhesion molecules CD11b (a beta2-integrin component) and CD54 (ICAM-1) on blood leukocytes were studied by flow cytometry in patients with rheumatoid arthritis (RA). The fractions of CD4+ cells co-expressing CD11b were elevated in 16 patients with active RA compared with those in 16 RA patie...
12. The Model of Communication Channel in the 802.11b Standard Wireless Network
Directory of Open Access Journals (Sweden)
Zdenek Nemec
2008-01-01
Full Text Available The paper deals with software modelling of a communication channel in the 802.11b standard wireless network physical layer. A computer model of signal processing was created to verify possibility of the proposal of localisation system. Functionality of the signal generation and processing model was verified by the Spectrum Analyzer. Simulations run inSimulink/Matlab SW. The Simulink is used for the signal processor model and a pure Matlab software is used for mathematical evaluations of data processor model and for determination of initial conditions.
13. Internation of Bordetella pertussis Adenylate Cyclase with CD11b/CD18
Czech Academy of Sciences Publication Activity Database
El-Azami-El-Idrisi, M.; Bauche, C.; Loucká, Jiřina; Osička, Radim; Šebo, Peter; Ladant, D.; Leclerc, C.
2003-01-01
Roč. 278, č. 40 (2003), s. 38514-38521 ISSN 0021-9258 R&D Projects: GA AV ČR IPP1050128; GA ČR GA310/01/0934; GA AV ČR IAA5020907 Grant - others:GA by National Institutes of Health Grant(XX) 55000334; GA QLK2-CT-1999(XX) 00556 Institutional research plan: CEZ:AV0Z5020903 Keywords : cyaa * rtx * cd11b Subject RIV: EE - Microbiology, Virology Impact factor: 6.482, year: 2003
14. Intratracheal administration of fullerene nanoparticles activates splenic CD11b{sup +} cells
Energy Technology Data Exchange (ETDEWEB)
Ding, Ning [Department of Immunology and Parasitology, School of Medicine, University of Occupational and Environmental Health, Japan, 1-1 Iseigaoka, Yahata-nishi-ku, Kitakyushu 807-8555 (Japan); Kunugita, Naoki [Department of Environmental Health, National Institute of Public Health, 2-3-6, Minami, Wako 351-0197 (Japan); Ichinose, Takamichi [Department of Health Sciences, Oita University of Nursing and Health Sciences, Oita 870-1201 (Japan); Song, Yuan [Department of Immunology and Parasitology, School of Medicine, University of Occupational and Environmental Health, Japan, 1-1 Iseigaoka, Yahata-nishi-ku, Kitakyushu 807-8555 (Japan); Yokoyama, Mitsuru [Bio-information Research Center, University of Occupational and Environmental Health, Japan, 1-1 Iseigaoka, Yahata-nishi-ku, Kitakyushu 807-8555 (Japan); Arashidani, Keiichi [School of Health Sciences, University of Occupational and Environmental Health, Japan, 1-1 Iseigaoka, Yahata-nishi-ku, Kitakyushu 807-8555 (Japan); Yoshida, Yasuhiro, E-mail: [email protected] [Department of Immunology and Parasitology, School of Medicine, University of Occupational and Environmental Health, Japan, 1-1 Iseigaoka, Yahata-nishi-ku, Kitakyushu 807-8555 (Japan)
2011-10-30
Highlights: {yields} Fullerene administration triggered splenic responses. {yields} Splenic responses occurred at different time-points than in the lung tissue. {yields} CD11b{sup +} cells were demonstrated to function as responder cells to fullerene. - Abstract: Fullerene nanoparticles ('Fullerenes'), which are now widely used materials in daily life, have been demonstrated to induce elevated pulmonary inflammation in several animal models; however, the effects of fullerenes on the immune system are not fully understood. In the present study, mice received fullerenes intratracheally and were sacrificed at days 1, 6 and 42. Mice that received fullerenes exhibited increased proliferation of splenocytes and increased splenic production of IL-2 and TNF-{alpha}. Changes in the spleen in response to fullerene treatment occurred at different time-points than in the lung tissue. Furthermore, fullerenes induced CDK2 expression and activated NF-{kappa}B and NFAT in splenocytes at 6 days post-administration. Finally, CD11b{sup +} cells were demonstrated to function as responder cells to fullerene administration in the splenic inflammatory process. Taken together, in addition to the effects on pulmonary responses, fullerenes also modulate the immune system.
15. Implications of the Secondary Eclipse of Exoplanet HAT-P-11b
Science.gov (United States)
Barry, Richard K.; Deming, L. D.; Bakos, G.; Harrington, J.; Madhusudhan, N.; Noyes, R.; Seager, S.
2010-01-01
We observed exoplanet HAT-P-11b and have successfully detected its secondary eclipse. We conducted observations using the Spitzer Space Telescope in the post-cryo mission at 3.6 microns for a period of 22 hours centered on the anticipated secondary eclipse time, to detect the eclipse and determine its phase. Having detected the secondary eclipse, we are at present making a more focused series of observations in both the 3.6 and 4.5 micron bands to fully characterize it. HAT-P-11b is one of only two known exo-Neptunes and has a period of 4.8878 days, radius of 0.422 RJ, mass of 0.081 MJ and semi-major axis 0.053 AU. Measurements of the secondary eclipse will serve to clarify two key issues; 1) the planetary brightness temperature and the nature of its atmosphere, and 2) the eccentricity of its orbit, with implications for its dynamical evolution. We discuss implications of these observations.
16. Intratracheal administration of fullerene nanoparticles activates splenic CD11b+ cells
International Nuclear Information System (INIS)
Ding, Ning; Kunugita, Naoki; Ichinose, Takamichi; Song, Yuan; Yokoyama, Mitsuru; Arashidani, Keiichi; Yoshida, Yasuhiro
2011-01-01
Highlights: → Fullerene administration triggered splenic responses. → Splenic responses occurred at different time-points than in the lung tissue. → CD11b + cells were demonstrated to function as responder cells to fullerene. - Abstract: Fullerene nanoparticles ('Fullerenes'), which are now widely used materials in daily life, have been demonstrated to induce elevated pulmonary inflammation in several animal models; however, the effects of fullerenes on the immune system are not fully understood. In the present study, mice received fullerenes intratracheally and were sacrificed at days 1, 6 and 42. Mice that received fullerenes exhibited increased proliferation of splenocytes and increased splenic production of IL-2 and TNF-α. Changes in the spleen in response to fullerene treatment occurred at different time-points than in the lung tissue. Furthermore, fullerenes induced CDK2 expression and activated NF-κB and NFAT in splenocytes at 6 days post-administration. Finally, CD11b + cells were demonstrated to function as responder cells to fullerene administration in the splenic inflammatory process. Taken together, in addition to the effects on pulmonary responses, fullerenes also modulate the immune system.
17. Participation of CD11b and F4/80 molecules in the conjunctival eosinophilia of experimental allergic conjunctivitis.
Science.gov (United States)
Fukushima, Atsuki; Ishida, Waka; Ojima, Ayako; Kajisako, Mina; Sumi, Tamaki; Yamada, Jun; Tsuru, Emi; Miyazaki, Jun-ichi; Tominaga, Akira; Yagita, Hideo
2010-01-01
CD11b and F4/80 are macrophage surface markers. How these molecules participate in allergic eosinophil infiltration remains unclear. We examined the roles CD11b and F4/80 play in the conjunctival eosinophil infiltration associated with experimental allergic conjunctivitis. Ragweed-immunized BALB/c mice were challenged with ragweed in eye drops to induce conjunctival eosinophil infiltration. The effect of challenge on conjunctival CD11b+ and F4/80+ cell numbers was determined by immunohistochemistry. In the same model, blocking anti-CD11b and anti-F4/80 Abs were injected intraperitoneally during the induction or the effector phase, or subconjunctivally 2 h before challenge, to determine their effect on challenge-induced conjunctival eosinophilia. To examine whether eosinophils express CD11b and F4/80 molecules, splenocytes from IL-5 gene-electroporated mice were subjected to flow cytometric analysis. To clarify the involvement of CD11b and F4/80 in conjunctival eosinophil infiltration, mice were intraperitoneally injected with anti-CD11b and anti-F4/80 Abs and then subconjunctivally injected with eotaxin to induce conjunctival eosinophilia. Ragweed challenge elevated conjunctival CD11b+ and F4/80+ cell numbers. Systemic anti-CD11b and anti-F4/80 Ab treatments during the effector phase, but not in either the induction phase or the local injection of Ab, suppressed conjunctival eosinophil infiltration in ragweed-induced conjunctivitis. Most splenic eosinophils from IL-5 gene-introduced mice expressed CD11b and F4/80. Systemic anti-CD11b and anti-F4/80 Ab treatment suppressed conjunctival eosinophilia induced by subconjunctival eotaxin injection. CD11b and F4/80 appear to participate in conjunctival eosinophil infiltration in allergic conjunctivitis. Their involvement in conjunctival eosinophilia appears to be due to their expression on eosinophils rather than on macrophages. 2009 S. Karger AG, Basel.
18. Fusion hindrance at deep sub-barrier energies for the 11B+197Au system
Science.gov (United States)
Shrivastava, A.; Mahata, K.; Nanal, V.; Pandit, S. K.; Parkar, V. V.; Rout, P. C.; Dokania, N.; Ramachandran, K.; Kumar, A.; Chatterjee, A.; Kailas, S.
2017-09-01
Fusion cross sections for the 11B+197Au system have been measured at energies around and deep below the Coulomb barrier, to probe the occurrence of fusion hindrance in case of asymmetric systems. A deviation with respect to the standard coupled channels calculations has been observed at the lowest energy. The results have been compared with an adiabatic model calculation that considers a damping of the coupling strength for a gradual transition from sudden to adiabatic regime at very low energies. The data could be explained without inclusion of the damping factor. This implies that the influence of fusion hindrance is not significant within the measured energy range for this system. The present result is consistent with the observed trend between the degree of fusion hindrance and the charge product that reveals a weaker influence of hindrance on fusion involving lighter projectiles on heavy targets.
19. Antagonism of CD11b with neutrophil inhibitory factor (NIF inhibits vascular lesions in diabetic retinopathy.
Directory of Open Access Journals (Sweden)
Alexander A Veenstra
Full Text Available Leukocytes and proteins that govern leukocyte adhesion to endothelial cells play a causal role in retinal abnormalities characteristic of the early stages of diabetic retinopathy, including diabetes-induced degeneration of retinal capillaries. Leukocyte integrin αmβ2 (CD11b/CD18, MAC1, a protein mediating adhesion, has been shown to mediate damage to endothelial cells by activated leukocytes in vitro. We hypothesized that Neutrophil Inhibitory Factor (NIF, a selective antagonist of integrin αmβ2, would inhibit the diabetes-induced degeneration of retinal capillaries by inhibiting the excessive interaction between leukocytes and retinal endothelial cells in diabetes. Wild type animals and transgenic animals expressing NIF were made diabetic with streptozotocin and assessed for diabetes-induced retinal vascular abnormalities and leukocyte activation. To assess if the leukocyte blocking therapy compromised the immune system, animals were challenged with bacteria. Retinal superoxide production, leukostasis and leukocyte superoxide production were increased in wild type mice diabetic for 10 weeks, as was the ability of leukocytes isolated from diabetic animals to kill retinal endothelial cells in vitro. Retinal capillary degeneration was significantly increased in wild type mice diabetic 40 weeks. In contrast, mice expressing NIF did not develop any of these abnormalities, with the exception that non-diabetic and diabetic mice expressing NIF generated greater amounts of superoxide than did similar mice not expressing NIF. Importantly, NIF did not significantly impair the ability of mice to clear an opportunistic bacterial challenge, suggesting that NIF did not compromise immune surveillance. We conclude that antagonism of CD11b (integrin αmβ2 by NIF is sufficient to inhibit early stages of diabetic retinopathy, while not compromising the basic immune response.
20. Antagonism of CD11b with neutrophil inhibitory factor (NIF) inhibits vascular lesions in diabetic retinopathy.
Science.gov (United States)
Veenstra, Alexander A; Tang, Jie; Kern, Timothy S
2013-01-01
Leukocytes and proteins that govern leukocyte adhesion to endothelial cells play a causal role in retinal abnormalities characteristic of the early stages of diabetic retinopathy, including diabetes-induced degeneration of retinal capillaries. Leukocyte integrin αmβ2 (CD11b/CD18, MAC1), a protein mediating adhesion, has been shown to mediate damage to endothelial cells by activated leukocytes in vitro. We hypothesized that Neutrophil Inhibitory Factor (NIF), a selective antagonist of integrin αmβ2, would inhibit the diabetes-induced degeneration of retinal capillaries by inhibiting the excessive interaction between leukocytes and retinal endothelial cells in diabetes. Wild type animals and transgenic animals expressing NIF were made diabetic with streptozotocin and assessed for diabetes-induced retinal vascular abnormalities and leukocyte activation. To assess if the leukocyte blocking therapy compromised the immune system, animals were challenged with bacteria. Retinal superoxide production, leukostasis and leukocyte superoxide production were increased in wild type mice diabetic for 10 weeks, as was the ability of leukocytes isolated from diabetic animals to kill retinal endothelial cells in vitro. Retinal capillary degeneration was significantly increased in wild type mice diabetic 40 weeks. In contrast, mice expressing NIF did not develop any of these abnormalities, with the exception that non-diabetic and diabetic mice expressing NIF generated greater amounts of superoxide than did similar mice not expressing NIF. Importantly, NIF did not significantly impair the ability of mice to clear an opportunistic bacterial challenge, suggesting that NIF did not compromise immune surveillance. We conclude that antagonism of CD11b (integrin αmβ2) by NIF is sufficient to inhibit early stages of diabetic retinopathy, while not compromising the basic immune response.
1. Contribution to the study of the three-body reaction 11B (p,3α)
International Nuclear Information System (INIS)
Giorni, Alain
1969-01-01
The spectra of the 11 B (p,3α) reaction were measured with a two-parameters spectrometer at the proton energy of 680 keV, 1.4 and 2 MeV, corresponding at the 2 - , 1 - and 0 + level of 12 C. The spectra were compared with a calculation where we write the total amplitude ζ = τ + T G 0 τ for the reaction B 11 + p → α 1 + α 2 + α 3 , with G 0 = (E - H 0 + iε) -1 . The operator τ corresponds to the production of three un-correlated α; and the operator T = T 1 + T 2 + T 3 , [T i = t i + t i G 0 (T j + T k )], describing the 3α particles interaction is given by the Faddeev's equations. By a decomposition on the angular momentum and after symmetrization, we find the properties of the 3α system. The numerical calculations were made in the final state interaction approximation, i. e. T i ≅t i , where t is the two body αα amplitude given by the well known phase-shift δ 0 and δ 2 . The other neglected terms were estimated by a complex number. The resonant form of the excitation curve 11 B (p,3α) suggests to describe the matrix element of the τ matrix as a Breit-Wigner formula: = G i G f / (E - E 0 + i Γ 0 / 2), and for each 12 C level we have neglected the influence of the other resonance. The calculation gives a good description of the Dalitz-plot (excepted for the 0 + level of 12 C) if we assume that the contribution of the direct production term is negligible compared to the αα interaction terms. (author) [fr
2. Decay properties of the key resonant states in 8Li(α,n)11B for primordial nucleosynthesis
International Nuclear Information System (INIS)
Kubono, S.; Ikeda, N.; Tanaka, M.H.; Nomura, T.; Katayama, I.; Fuchi, Y.; Kawashima, H.; Kajino, T.
1991-01-01
The particle decay property of the key resonant states in the reaction 8 Li(α, n) 11 B for the inhomogeneous big bang models was studied experimentally. The sum of the branching ratios of the 10.572 MeV state for the neutron decays to the excited states in 11 B is as large as for the ground state, indicating that the neutron decays to excited states are crucial and enhance the reaction rate for heavy element synthesis considerably. (orig.)
3. Mouse CD23 regulates monocyte activation through an interaction with the adhesion molecule CD11b/CD18.
Science.gov (United States)
Lecoanet-Henchoz, S; Plater-Zyberk, C; Graber, P; Gretener, D; Aubry, J P; Conrad, D H; Bonnefoy, J Y
1997-09-01
CD23 is expressed on a variety of hemopoietic cells. Recently, we have reported that blocking CD23 interactions in a murine model of arthritis resulted in a marked improvement of disease severity. Here, we demonstrate that CD11b, the alpha chain of the beta 2 integrin adhesion molecule complex CD11b/CD18 expressed on monocytes interacts with CD23. Using a recombinant fusion protein (ZZ-CD23), murine CD23 was shown to bind to peritoneal macrophages and peripheral blood cells isolated from mice as well as the murine macrophage cell line, RAW. The interactions between mouse ZZ-CD23 and CD11b/CD18-expressing cells were significantly inhibited by anti-CD11b monoclonal antibodies. A functional consequence was then demonstrated by inducing an up-regulation of interleukin-6 (IL-6) production following ZZ-CD23 incubation with monocytes. The addition of Fab fragments generated from the monoclonal antibody CD11b impaired this cytokine production by 50%. Interestingly, a positive autocrine loop was identified as IL-6 was shown to increase CD23 binding to macrophages. These results demonstrate that similar to findings using human cells, murine CD23 binds to the surface adhesion molecule, CD11b, and these interactions regulate biological activities of murine myeloid cells.
4. Contribution to the study of the reaction p + 11B = 3 α by the coincidence method
International Nuclear Information System (INIS)
Laugier, J.Ph.
1969-01-01
We have studied the production mode of the 3 α system in the reaction p + 11 B = 12 C * = α + 8 Be * ; 8 Be * = α + α. We have got some information for three different effects: the influence of the 8 Be residual nucleus states = sequential decay; the influence of the 12 C compound nucleus states = spin effect; an interference effect. We give a theoretical expression of the different spectra which take into account the observed phenomena. We have taken, as a parameter, the phase shift, between the waves associated with the detected particles, which produce the interference effect. The main characteristics of the experimental devices are : self supporting boron targets; cooled semiconductor detectors; multi-parametric system: for each nuclear event three parameters are recorded: the energies of the detected particles and the time of the detection; Recording system: the information are recorded on a magnetic tape and at the same time treated with an on line CAE 510 computer. The CAE 510 computer is used in delayed time to analyse the experimental data. (author) [fr
5. Stacking faults on (001) in transition-metal disilicides with the C11b structure
International Nuclear Information System (INIS)
Ito, K.; Nakamoto, T.; Inui, H.; Yamaguchi, M.
1997-01-01
Stacking faults on (001) in MoSi 2 and WSi 2 with the C11 b structure have been characterized by transmission electron microscopy (TEM), using their single crystals grown by the floating-zone method. Although WSi 2 contains a high density of stacking faults, only several faults are observed in MoSi 2 . For both crystals, (001) faults are characterized to be of the Frank-type in which two successive (001) Si layers are removed from the lattice, giving rise to a displacement vector parallel to [001]. When the displacement vector of faults is expressed in the form of R = 1/n[001], however, their n values are slightly deviated from the exact value of 3, because of dilatation of the lattice in the direction perpendicular to the fault, which is caused by the repulsive interaction between Mo (W) layers above and below the fault. Matching of experimental high-resolution TEM images with calculated ones indicates n values to be 3.12 ± 0.10 and 3.34 ± 0.10 for MoSi 2 and WSi 2 , respectively
6. CMOS analog baseband circuitry for an IEEE 802.11 b/g/n WLAN transceiver
International Nuclear Information System (INIS)
Gong Zheng; Chu Xiaojie; Shi Yin; Lei Qianqian; Lin Min
2012-01-01
An analog baseband circuit for a direct conversion wireless local area network (WLAN) transceiver in a standard 0.13-μm CMOS occupying 1.26 mm 2 is presented. The circuit consists of active-RC receiver (RX) 4th order elliptic lowpass filters(LPFs), transmit (PGAs) with DC offset cancellation (DCOC) servo loops, and on-chip output buffers. The RX baseband gain can be programmed in the range of −11 to 49 dB in 2 dB steps with 50–30.2 nV/√Hz input referred noise (IRN) and a 21 to −41 dBm in-band 3rd order interception point (IIP3). The RX/TX LPF cutoff frequencies can be switched between 5 MHz, 10 MHz, and 20 MHz to fulfill the multimode 802.11b/g/n requirements. The TX baseband gain of the I/Q paths are tuned separately from −1.6 to 0.9 dB in 0.1 dB steps to calibrate TX I/Q gain mismatches. By using an identical integrator based elliptic filter synthesis method together with global compensation applied to the LPF capacitor array, the power consumption of the RX LPF is considerably reduced and the proposed chip draws 26.8 mA/8 mA by the RX/TX baseband paths from a 1.2 V supply. (semiconductor integrated circuits)
7. CMOS analog baseband circuitry for an IEEE 802.11 b/g/n WLAN transceiver
Science.gov (United States)
Zheng, Gong; Xiaojie, Chu; Qianqian, Lei; Min, Lin; Yin, Shi
2012-11-01
An analog baseband circuit for a direct conversion wireless local area network (WLAN) transceiver in a standard 0.13-μm CMOS occupying 1.26 mm2 is presented. The circuit consists of active-RC receiver (RX) 4th order elliptic lowpass filters(LPFs), transmit (PGAs) with DC offset cancellation (DCOC) servo loops, and on-chip output buffers. The RX baseband gain can be programmed in the range of -11 to 49 dB in 2 dB steps with 50-30.2 nV/√Hz input referred noise (IRN) and a 21 to -41 dBm in-band 3rd order interception point (IIP3). The RX/TX LPF cutoff frequencies can be switched between 5 MHz, 10 MHz, and 20 MHz to fulfill the multimode 802.11b/g/n requirements. The TX baseband gain of the I/Q paths are tuned separately from -1.6 to 0.9 dB in 0.1 dB steps to calibrate TX I/Q gain mismatches. By using an identical integrator based elliptic filter synthesis method together with global compensation applied to the LPF capacitor array, the power consumption of the RX LPF is considerably reduced and the proposed chip draws 26.8 mA/8 mA by the RX/TX baseband paths from a 1.2 V supply.
8. Barium ionization mechanisms in the CRRES G-1 and G-11b releases
International Nuclear Information System (INIS)
Hunton, D.E.
1993-01-01
The G-11b chemical release experiment form the Combined Release and Radiation Effects Satellite (CRRES) was conducted in darkness below the solar UV terminator to test the Critical Ionization Velocity (CIV) hypothesis. The Quadrupole Ion Mass Spectrometer (QIMS) aboard CRRES measured fluxes of barium ions from this darkness release that were only a factor of ten smaller than the G-1 release measurements in full sunlight. Possible mechanisms for this significant barium ionization in darkness include CIV, charge exchange with O + , collisional ionization and associative ionization. The authors have evaluated the relative contributions of the collisional mechanisms by constructing a simple model of barium ions from the darkness release seem to be consistent with recent measurements of the charge transfer cross section. A collective plasma ionization mechanism such as CIV does not seem to necessary in order to explain the large barium ion fluxes observed. However, QIMS could only detect barium ions formed several seconds after the initial detonation of the release canister. A CIV process could still have occurred very early in the expansion of the barium neutral cloud and the mass spectrometer would not have detected these ions
9. α1B-Adrenergic receptor signaling controls circadian expression of Tnfrsf11b by regulating clock genes in osteoblasts
Directory of Open Access Journals (Sweden)
Takao Hirai
2015-11-01
Full Text Available Circadian clocks are endogenous and biological oscillations that occur with a period of <24 h. In mammals, the central circadian pacemaker is localized in the suprachiasmatic nucleus (SCN and is linked to peripheral tissues through neural and hormonal signals. In the present study, we investigated the physiological function of the molecular clock on bone remodeling. The results of loss-of-function and gain-of-function experiments both indicated that the rhythmic expression of Tnfrsf11b, which encodes osteoprotegerin (OPG, was regulated by Bmal1 in MC3T3-E1 cells. We also showed that REV-ERBα negatively regulated Tnfrsf11b as well as Bmal1 in MC3T3-E1 cells. We systematically investigated the relationship between the sympathetic nervous system and the circadian clock in osteoblasts. The administration of phenylephrine, a nonspecific α1-adrenergic receptor (AR agonist, stimulated the expression of Tnfrsf11b, whereas the genetic ablation of α1B-AR signaling led to the alteration of Tnfrsf11b expression concomitant with Bmal1 and Per2 in bone. Thus, this study demonstrated that the circadian regulation of Tnfrsf11b was regulated by the clock genes encoding REV-ERBα (Nr1d1 and Bmal1 (Bmal1, also known as Arntl, which are components of the core loop of the circadian clock in osteoblasts.
10. On the implementation of a chain nuclear reaction of thermonuclear fusion on the basis of the p+11B process
Science.gov (United States)
Belyaev, V. S.; Krainov, V. P.; Zagreev, B. V.; Matafonov, A. P.
2015-07-01
Various theoretical and experimental schemes for implementing a thermonuclear reactor on the basis of the p+11B reaction are considered. They include beam collisions, fusion in degenerate plasmas, ignition upon plasma acceleration by ponderomotive forces, and the irradiation of a solid-state target from 11B with a proton beam under conditions of a Coulomb explosion of hydrogen microdrops. The possibility of employing ultra-short high-intensity laser pulses to initiate the p+11B reaction under conditions far from thermodynamic equilibrium is discussed. This and some other weakly radioactive thermonuclear reactions are promising owing to their ecological cleanness—there are virtually no neutrons among fusion products. Nuclear reactions that follow the p+11B reaction may generate high-energy protons, sustaining a chain reaction, and this is an advantage of the p+11B option. The approach used also makes it possible to study nuclear reactions under conditions close to those in the early Universe or in the interior of stars.
11. UV light B-mediated inhibition of skin catalase activity promotes Gr-1+ CD11b+ myeloid cell expansion.
Science.gov (United States)
Sullivan, Nicholas J; Tober, Kathleen L; Burns, Erin M; Schick, Jonathan S; Riggenbach, Judith A; Mace, Thomas A; Bill, Matthew A; Young, Gregory S; Oberyszyn, Tatiana M; Lesinski, Gregory B
2012-03-01
Skin cancer incidence and mortality are higher in men compared with women, but the causes of this sex discrepancy remain largely unknown. UV light exposure induces cutaneous inflammation and neutralizes cutaneous antioxidants. Gr-1(+)CD11b(+) myeloid cells are heterogeneous bone marrow-derived cells that promote inflammation-associated carcinogenesis. Reduced activity of catalase, an antioxidant present in the skin, has been associated with skin carcinogenesis. We used the outbred, immune-competent Skh-1 hairless mouse model of UVB-induced inflammation and non-melanoma skin cancer to further define sex discrepancies in UVB-induced inflammation. Our results demonstrated that male skin had relatively lower baseline catalase activity, which was inhibited following acute UVB exposure in both sexes. Further analysis revealed that skin catalase activity inversely correlated with splenic Gr-1(+)CD11b(+) myeloid cell percentage. Acute UVB exposure induced Gr-1(+)CD11b(+) myeloid cell skin infiltration, which was inhibited to a greater extent in male mice by topical catalase treatment. In chronic UVB studies, we demonstrated that the percentage of splenic Gr-1(+)CD11b(+) myeloid cells was 55% higher in male tumor-bearing mice compared with their female counterparts. Together, our findings indicate that lower skin catalase activity in male mice may at least in part contribute to increased UVB-induced generation of Gr-1(+)CD11b(+) myeloid cells and subsequent skin carcinogenesis.
12. Contribution to the study of {sup 12}C excited levels resulting from the reactions {sup 11}B (P/ {alpha}{sub 0}) and {sup 11}B (p, {alpha}{sub 1}); Contribution a l'etude des niveaux excites du {sup 12}C obtenus par les reactions {sup 11}B (p, {alpha}{sub 0}) et {sup 11}B (p, {alpha}{sub l})
Energy Technology Data Exchange (ETDEWEB)
Longequeue, J P [Commissariat a l' Energie Atomique, Grenoble (France). Centre d' Etudes Nucleaires
1963-11-15
This work is made up of two parts. In the first part the differential cross-sections have been determined of the reactions {sup 11}B (p,{alpha}) from 130 to 500 keV thus confirming, at the 163 keV resonance, the (2{sup +}) characteristics of the 16.11 MeV level of {sup 12}C. Furthermore, the experimental results in the neighbourhood of the 163 keV resonance can be explained by the interference of the {sup 12}C levels: 2{sup +} at 16.11 MeV and 1{sup -} at 17.23 MeV for the {alpha}{sub 0}, 2{sup +} at 16.11 MeV and 2{sup -} at 16.58 MeV for the {alpha}{sub 1}. In the second part the ({alpha}{sup -8Be}) disintegration process of {sup 12}C has been studied in the neighbourhood of the 16.11 MeV level. It is shown that, if the ({alpha}{sup -8Be}) mode of disintegration is preponderant outside the E{sub p} = 163 keV resonance, it is also preponderant at this same resonance; a direct disintegration of the {sup 12}C to 3 {alpha}, with an approximate magnitude of 40 per cent has however not been excluded. (author) [French] Ce travail comprend deux parties: Dans la premiere, on a determine la section efficace differentielle des reactions {sup 11}B (p,{alpha}) de 130 a 500 keV, confirmant, a la resonance de 163 keV, les caracteristiques (2{sup +}) du niveau de 16,11 MeV du {sup 12}C. En outre, les resultats experimentaux au voisinage de la resonance de 163 keV sont explicables par l'interference des niveaux du {sup 12}C: 2{sup +} a 16,11 MeV et 1{sup -} a 17,23 MeV pour les {alpha}{sub 0}, 2{sup +} a 16,11 MeV et 2{sup -} a 16,58 MeV pour les {alpha}{sub 1}. Dans la deuxieme partie, on a etudie le mode de desintegration ({alpha}{sup -8Be}) du {sup 12}C au voisinage du niveau de 16,11 MeV. On a montre que, si le mode de desintegration ({alpha}{sup -8Be}) est preponderant en dehors de la resonance E{sub p} = 163 keV, il est egalement preponderant a cette resonance; une desintegration directe en 3{alpha} du {sup 12}C, dont l'ordre de grandeur maximum serait de 40 pour cent, n
13. NH11B-1726: FrankenRaven: A New Platform for Remote Sensing
Science.gov (United States)
Dahlgren, Robert; Fladeland, Matthew M.; Pinsker, Ethan A.; Jasionowicz, John P.; Jones, Lowell L.; Pscheid, Matthew J.
2016-01-01
Small, modular aircraft are an emerging technology with a goal to maximize flexibility and enable multi-mission support. This reports the progress of an unmanned aerial system (UAS) project conducted at the NASA Ames Research Center (ARC) in 2016. This interdisciplinary effort builds upon the success of the 2014 FrankenEye project to apply rapid prototyping techniques to UAS, to develop a variety of platforms to host remote sensing instruments. In 2016, ARC received AeroVironment RQ-11A and RQ-11B Raven UAS from the US Department of the Interior, Office of Aviation Services. These aircraft have electric propulsion, a wingspan of roughly 1.3m, and have demonstrated reliability in challenging environments. The Raven airframe is an ideal foundation to construct more complex aircraft, and student interns using 3D printing were able to graft multiple Raven wings and fuselages into FrankenRaven aircraft. Aeronautical analysis shows that the new configuration has enhanced flight time, payload capacity, and distance compared to the original Raven. The FrankenRaven avionics architecture replaces the mil-spec avionics with COTS technology based upon the 3DR Pixhawk PX4 autopilot with a safety multiplexer for failsafe handoff to 2.4 GHz RC control and 915 MHz telemetry. This project demonstrates how design reuse, rapid prototyping, and modular subcomponents can be leveraged into flexible airborne platforms that can host a variety of remote sensing payloads and even multiple payloads. Modularity advances a new paradigm: mass-customization of aircraft around given payload(s). Multi-fuselage designs are currently under development to host a wide variety of payloads including a zenith-pointing spectrometer, a magnetometer, a multi-spectral camera, and a RGB camera. After airworthiness certification, flight readiness review, and test flights are performed at Crows Landing airfield in central California, field data will be taken at Kilauea volcano in Hawaii and other locations.
14. Kepler and Ground-Based Transits of the exo-Neptune HAT-P-11b
Science.gov (United States)
Deming, Drake; Sada, Pedro V.; Jackson, Brian; Peterson, Steven W.; Agol, Eric; Knutson, Heather A.; Jennings, Donald E.; Haase, Plynn; Bays, Kevin
2011-01-01
We analyze 26 archival Kepler transits of the exo-Neptune HAT-P-11b, supplemented by ground-based transits observed in the blue (B band) and near-IR (J band). Both the planet and host star are smaller than previously believed; our analysis yields Rp = 4.31 R xor 0.06 R xor and Rs = 0.683 R solar mass 0.009 R solar mass, both about 3 sigma smaller than the discovery values. Our ground-based transit data at wavelengths bracketing the Kepler bandpass serve to check the wavelength dependence of stellar limb darkening, and the J-band transit provides a precise and independent constraint on the transit duration. Both the limb darkening and transit duration from our ground-based data are consistent with the new Kepler values for the system parameters. Our smaller radius for the planet implies that its gaseous envelope can be less extensive than previously believed, being very similar to the H-He envelope of GJ 436b and Kepler-4b. HAT-P-11 is an active star, and signatures of star spot crossings are ubiquitous in the Kepler transit data. We develop and apply a methodology to correct the planetary radius for the presence of both crossed and uncrossed star spots. Star spot crossings are concentrated at phases 0.002 and +0.006. This is consistent with inferences from Rossiter-McLaughlin measurements that the planet transits nearly perpendicular to the stellar equator. We identify the dominant phases of star spot crossings with active latitudes on the star, and infer that the stellar rotational pole is inclined at about 12 deg 5 deg to the plane of the sky. We point out that precise transit measurements over long durations could in principle allow us to construct a stellar Butterfly diagram to probe the cyclic evolution of magnetic activity on this active K-dwarf star.
15. Implementation of DoS attack and mitigation strategies in IEEE 802.11b/g WLAN
Science.gov (United States)
Deng, Julia; Meng, Ke; Xiao, Yang; Xu, Roger
2010-04-01
IEEE 802.11 wireless Local Area Network (WLAN) becomes very prevalent nowadays. Either as a simple range extender for a home wired Ethernet interface, or as a wireless deployment throughout an enterprise, WLAN provides mobility, convenience, and low cost. However, an IEEE 802.11b/g wireless network uses the frequency of unlicensed 2.4GHz, which makes the network unsafe and more vulnerable than traditional Ethernet networks. As a result, anyone who is familiar with wireless network may initiate a Denial of Service (DoS) attack to influence the common communication of the network or even make it crash. In this paper, we present our studies on the DoS attacks and mitigation strategies for IEEE 802.11b/g WLANs and describe some initial implementations using IEEE 802.11b/g wireless devices.
16. UV-radiation induced changes in antibiotic markers, chemical composition of water soluble polysaccharides and nodulation ability of Rhizobium trifolic 11B
International Nuclear Information System (INIS)
Ghai, Jyotsna; Ghai, S.K.; Kalra, M.S.
1983-01-01
Rhizobium trifolii 11B, which formed effective nodules on its host. Trifolium alexanderinum L. was UV-irradiated to isolate mutants. Out of the 9 variants isolated only 1 strain, viz. 21M11B produced more water soluble polysaccharide [752 mg (100 ml -1 )] than the parent 15 different antibiotics was similar only in two (22M11B and 26M11B) of the 9 UV-mutants. Compositional studies revealed that the water soluble polysaccharides from all strains contained glucose and galactose in the molar ratio of 7:1. Glucuronic acid which was present (2.33 per cent) in the water soluble polysaccharide from strain 11B was absent in all but 2UV-mutants (4.22per cent in 6M11B and 4.04per cent in26M11B). Five of the UB-mutants (1M11B, 17M11B, 20N11B, 22M11B and 26M11B) were Nod - . The organisms which produced more water soluble polysaccharide upon infection of the plants induced the formation of more number of nodules. (author)
17. Weak transitions in the quasi-elastic reaction 12C(e,e'p)11B
International Nuclear Information System (INIS)
Steenhoven, G. van der; Blok, H.P.; Vrije Univ., Amsterdam; Jans, E.; Lapikas, L.; Quint, E.N.M.; Witt Huberts, P.K.A. de
1988-01-01
In a high-resolution quasi-elastic 12 C(e,e'p) 11 B experiment several weak transitions have been observed to excited final states with spin and parity characteristic of direct knockout from orbitals above the 1p shell. The momentum distributions, which have been measured in parallel kinematics at an outgoing-proton energy of 70 MeV in the range of missing momentum - 170 ≤ p m ≤ 210 MeV/c, show the shape expected for a single-step knockout process. It is demonstrated that the interference between a direct-knockout process and a two-step process leading to the same final state in the (e,e'p) reaction may cause important modifications of the deduced spectroscopic factors. Explicit coupled-channels (CC) calculations show that the spectroscopic factor for the transition to the 7 - /2 state at 6.743 MeV is reduced by a factor of 6, whereas the spectroscopic factors of the other weak transitions observed in the present experiment are uncertain by a factor of 2 due to CC-effects. Since the strength of these transitions is larger than can be explained by a pure two-step process, we interpret the observation of these transitions as direct evidence for the existence of ground-state correlations in 12 C. The total spectroscopic strength in the E x region between 6 and 12 MeV amounts to 0.1, or 4.1% of the observed strength for 1p knockout in the low E x region. Two peaks have been identified in the missing-energy spectrum that hitherto have not been reported: A narrow peak at E x =9.82 (3) MeV with an l=0 character and a broad structure centered at about 11.5 MeV with an l=1 character. The missing-energy spectrum between E x =12 and 24 MeV corresponding to 1s 1/2 knockout has also been analyzed. The deduced momentum distribution shows evidence for the onset of a two-nucleon mechanism beyond the two-particle emission threshold. (orig.)
18. Gender-dependent association of HSD11B1 single nucleotide polymorphisms with glucose and HDL-C levels
Directory of Open Access Journals (Sweden)
Luciane Viater Turek
2014-09-01
Full Text Available In this study, we investigated the influence of two SNPs (rs846910 and rs12086634 of the HSD11B1 gene that encodes 11β-hydroxysteroid dehydrogenase type 1(11β-HSD1, the enzyme that catalyzes the conversion of cortisol to cortisone, on variables associated with obesity and metabolic syndrome in 215 individuals of both sexes from southern Brazil. The HSD11B1 gene variants were genotyped using the TaqMan SNP genotyping assay. Glucose, triglycerides, total cholesterol, HDL-cholesterol and LDL-cholesterol were measured by standard automated methods. Significant results were found in women, with carriers of the G allele of SNP rs12086634 having higher glucose levels than non-carriers. Carriers of the A allele of SNP rs846910 had higher levels of HDL-cholesterol. The involvement of both polymorphisms as independent factors in determining the levels of glucose and HDL-cholesterol was confirmed by multiple regression analysis (β = 0.19 ± 0.09, p = 0.03 and β = 0.22 ± 0.10, p = 0.03, respectively. Our findings suggest that the HSD11B1SNPs studied may indirectly influence glucose and HDL-cholesterol metabolism in women, possibly through down-regulation of the HSD11B1 gene by estrogen.
19. Tumor Progression Is Associated with Increasing CD11b(+) Cells and CCL2 in Lewis Rat Sarcoma
Czech Academy of Sciences Publication Activity Database
Mishra, Rajbardhan; Kovalská, Jana; Janda, Jozef; Vannucci, Luca; Rajmon, R.; Horák, Vratislav
2015-01-01
Roč. 35, č. 2 (2015), s. 703-712 ISSN 0250-7005 R&D Projects: GA MŠk ED2.1.00/03.0124 Institutional support: RVO:67985904 ; RVO:61388971 Keywords : Lewis rat sarcoma * CD11b+cells * neutrophils Subject RIV: FD - Oncology ; Hematology Impact factor: 1.895, year: 2015
20. Changes in CD11b and L-selectin expression on eosinophils are mediated by human lung fibroblasts in vitro
NARCIS (Netherlands)
Spoelstra, FM; Hovenga, H; Noordhoek, JA; Postma, DS; Kauffman, HF
Eosinophilic airway infiltration is a central feature in asthma. Eosinophils recovered from bronchoalveolar fluid show an activated phenotype, e.g., increased CD11b and decreased L-selectin expression. We investigated whether lung fibroblasts are able to activate eosinophils in vitro, and if so,
1. BCL11B is up-regulated by EWS/FLI and contributes to the transformed phenotype in Ewing sarcoma.
Directory of Open Access Journals (Sweden)
Elizabeth T Wiles
Full Text Available The EWS/FLI translocation product is the causative oncogene in Ewing sarcoma and acts as an aberrant transcription factor. EWS/FLI dysregulates gene expression during tumorigenesis by abnormally activating or repressing genes. The expression levels of thousands of genes are affected in Ewing sarcoma, however, it is unknown which of these genes contribute to the transformed phenotype. Here we characterize BCL11B as an up-regulated EWS/FLI target that is necessary for the maintenance of transformation in patient derived Ewing sarcoma cells lines. BCL11B, a zinc finger transcription factor, acts as a transcriptional repressor in Ewing's sarcoma and contributes to the EWS/FLI repressed gene signature. BCL11B repressive activity is mediated by the NuRD co-repressor complex. We further demonstrate that re-expression of SPRY1, a repressed target of BCL11B, limits the transformation capacity of Ewing sarcoma cells. These data define a new pathway downstream of EWS/FLI required for oncogenic maintenance in Ewing sarcoma.
2. Simultaneous and sequential transfer of proton and alpha-particle in the elastic 11B+16O scattering
International Nuclear Information System (INIS)
Kamys, B.; Rudy, Z.; Kisiel, J.; Kwasniewicsz, E.; Wolter, H.H.
1992-01-01
We have developed a method to treat multi-nucleon transfer as the transfer of two - possible different - subclusters, as e.g. with ' 5 Li'=(α,p). As a consequence we take into account two reaction mechanisms, the one-step simultaneous and the two-step sequential transfer of the two clusters. We formulate the method of calculation of the simultaneous transfer form factor for two non-identifical particles and also of the two-cluster spectroscopic amplitudes from shell model wave functions. We apply the method to the elastic transfer reaction 11 B( 16 O, 11 B) 11 O together with the single α and p transfer reaction 11 B( 16 O, 15 N) 12 C for E lab between 30 and 60 MeV. We obtain a consistently good description of all the data by reasonable adjustment of the spectroscopic amplitudes. In particular we find that the simultaneous (αp) transfer is considerably more important than the sequential transfer indicating strong five-nucleon correlations in these light nuclei. (orig.)
3. Wnt11b is involved in cilia-mediated symmetry breakage during Xenopus left-right development.
Directory of Open Access Journals (Sweden)
Peter Walentek
Full Text Available Breakage of bilateral symmetry in amphibian embryos depends on the development of a ciliated epithelium at the gastrocoel roof during early neurulation. Motile cilia at the gastrocoel roof plate (GRP give rise to leftward flow of extracellular fluids. Flow is required for asymmetric gene expression and organ morphogenesis. Wnt signaling has previously been involved in two steps, Wnt/ß-catenin mediated induction of Foxj1, a regulator of motile cilia, and Wnt/planar cell polarity (PCP dependent cilia polarization to the posterior pole of cells. We have studied Wnt11b in the context of laterality determination, as this ligand was reported to activate canonical and non-canonical Wnt signaling. Wnt11b was found to be expressed in the so-called superficial mesoderm (SM, from which the GRP derives. Surprisingly, Foxj1 was only marginally affected in loss-of-function experiments, indicating that another ligand acts in this early step of laterality specification. Wnt11b was required, however, for polarization of GRP cilia and GRP morphogenesis, in line with the known function of Wnt/PCP in cilia-driven leftward flow. In addition Xnr1 and Coco expression in the lateral-most GRP cells, which sense flow and generate the first asymmetric signal, was attenuated in morphants, involving Wnt signaling in yet another process related to symmetry breakage in Xenopus.
4. Polymorphism rs2073618 of the TNFRSF11B (OPG Gene and Bone Mineral Density in Mexican Women with Rheumatoid Arthritis
Directory of Open Access Journals (Sweden)
C. A. Nava-Valdivia
2017-01-01
Full Text Available Osteoporosis (OP is highly prevalent in rheumatoid arthritis (RA and is influenced by genetic factors. Single-nucleotide polymorphism (SNP rs2073618 in the TNFRSF11B osteoprotegerin (OPG gene has been related to postmenopausal OP although, to date, no information has been described concerning whether this polymorphism is implied in abnormalities of bone mineral density (BMD in RA. We evaluated, in a case-control study performed in Mexican-Mestizo women with RA, whether SNP rs2073618 in the TNFRSF11B gene is associated with a decrease in BMD. RA patients were classified as follows: (1 low BMD and (2 normal BMD. All patients were genotyped for the rs2073618 polymorphism by PCR-RFLP. The frequency of low BMD was 74.4%. Higher age was observed in RA with low BMD versus normal BMD (62 and 54 years, resp.; p<0.001. Worse functioning and lower BMI were observed in RA with low BMD (p=0.003 and p=0.002, resp.. We found similar genotype frequencies in RA with low BMD versus RA with normal BMD (GG genotype 71% versus 64.4%, GC 26% versus 33%, and CC 3% versus 2.2%, resp.; p=0.6. We concluded that in Mexican-Mestizo female patients with RA, the rs2073618 polymorphism of the TNRFS11B gene is not associated with low BMD.
5. A recombinant CYP11B1 dependent Escherichia coli biocatalyst for selective cortisol production and optimization towards a preparative scale.
Science.gov (United States)
Schiffer, Lina; Anderko, Simone; Hobler, Anna; Hannemann, Frank; Kagawa, Norio; Bernhardt, Rita
2015-02-25
Human mitochondrial CYP11B1 catalyzes a one-step regio- and stereoselective 11β-hydroxylation of 11-deoxycortisol yielding cortisol which constitutes not only the major human stress hormone but also represents a commercially relevant therapeutic drug due to its anti-inflammatory and immunosuppressive properties. Moreover, it is an important intermediate in the industrial production of synthetic pharmaceutical glucocorticoids. CYP11B1 thus offers a great potential for biotechnological application in large-scale synthesis of cortisol. Because of its nature as external monooxygenase, CYP11B1-dependent steroid hydroxylation requires reducing equivalents which are provided from NADPH via a redox chain, consisting of adrenodoxin reductase (AdR) and adrenodoxin (Adx). We established an Escherichia coli based whole-cell system for selective cortisol production from 11-deoxycortisol by recombinant co-expression of the demanded 3 proteins. For the subsequent optimization of the whole-cell activity 3 different approaches were pursued: Firstly, CYP11B1 expression was enhanced 3.3-fold to 257 nmol∗L(-1) by site-directed mutagenesis of position 23 from glycine to arginine, which was accompanied by a 2.6-fold increase in cortisol yield. Secondly, the electron transfer chain was engineered in a quantitative manner by introducing additional copies of the Adx cDNA in order to enhance Adx expression on transcriptional level. In the presence of 2 and 3 copies the initial linear conversion rate was greatly accelerated and the final product concentration was improved 1.4-fold. Thirdly, we developed a screening system for directed evolution of CYP11B1 towards higher hydroxylation activity. A culture down-scale to microtiter plates was performed and a robot-assisted, fluorescence-based conversion assay was applied for the selection of more efficient mutants from a random library. Under optimized conditions a maximum productivity of 0.84 g cortisol∗L(-1)∗d(-1) was achieved, which
6. Structure of 12B from measurement and R-matrix analysis of sigma(theta) for 11B(n,n)11B and 11B(n,n')11Bsup(*)(2.12 MeV), and shell-model calculations
International Nuclear Information System (INIS)
Koehler, P.E.; Knox, H.D.; Resler, D.A.; Lane, R.O.
1983-01-01
Differential cross sections for neutrons, elastically scattered from 11 B and inelastically scattered to the first excited state 11 B*(2.12 MeV) have been measured at 13 incident energies for 4.8 12 B of 7.8 to 10.3 MeV. The cross sections were measured at nine laboratory angles per energy from 20 0 to 160 0 and show considerable resonance structure. Differential inelastic cross sections were also measured for the 4.45 and 5.02 MeV levels of 11 B for 2 to 9 angles at several incident energies. These new elastic and inelastic 2.12 MeV level data have been analyzed together with previously publsihed cross sections for 2 12 B. The shell model was used to calculate states in 12 B as well as spectroscopic amplitudes for reactions leading to these states. The results of this model calculation are compared to those of the R-matrix analysis. Much of the structure observed in the experimental work is predicted by the model for Esub(x) < or approx. 7 MeV. For levels of higher excitation the agreement is not as good. The experimental data are also compared to continuum shell-model calculations. (orig.)
7. Preparation and Evaluation of 99mTc-labeled anti-CD11b Antibody Targeting Inflammatory Microenvironment for Colon Cancer Imaging.
Science.gov (United States)
Cheng, Dengfeng; Zou, Weihong; Li, Xiao; Xiu, Yan; Tan, Hui; Shi, Hongcheng; Yang, Xiangdong
2015-06-01
CD11b, an active constituent of innate immune response highly expressed in myeloid-derived suppressor cells (MDSCs), can be used as a marker of inflammatory microenvironment, particularly in tumor tissues. In this research, we aimed to fabricate a (99m)Tc-labeled anti-CD11b antibody as a probe for CD11b(+) myeloid cells in colon cancer imaging with single-photon emission computed tomography (SPECT). In situ murine colon tumor model was established in histidine decarboxylase knockout (Hdc(-/-)) mice by chemicals induction. (99m)Tc-labeled anti-CD11b was obtained with labeling yields of over 30% and radiochemical purity of over 95%. Micro-SPECT/CT scans were performed at 6 h post injection to investigate biodistributions and targeting of the probe. In situ colonic neoplasma as small as 3 mm diameters was clearly identified by imaging; after dissection of the animal, anti-CD11b immunofluorescence staining was performed to identify infiltration of CD11b+ MDSCs in microenvironment of colonic neoplasms. In addition, the images displayed intense signal from bone marrow and spleen, which indicated the origin and migration of CD11b(+) MDSCs in vivo, and these results were further proved by flow cytometry analysis. Therefore, (99m)Tc-labeled anti-CD11b SPECT displayed the potential to facilitate the diagnosis of colon tumor in very early stage via detection of inflammatory microenvironment. © 2014 John Wiley & Sons A/S.
8. CIRCULATING CD11B EXPRESSION CORRELATES WITH THE NEUTROPHIL RESPONSE AND AIRWAY MCD-14 EXPRESSION IS ENHANCED FOLLOWING OZONE EXPOSURE IN HUMANS
Science.gov (United States)
We recently reported that baseline expression of circulating CD11b is associated with the magnitude of the neutrophil response following inhaled endotoxin. In this study, we examined whether circulating CD11b plays a similar role in the inflammatory response following inhaled ozo...
9. Expansion of myeloid immune suppressor Gr+CD11b+ cells in tumor-bearing host directly promotes tumor angiogenesis | Center for Cancer Research
Science.gov (United States)
We demonstrate a novel tumor-promoting role of myeloid immune suppressor Gr+CD11b+ cells, which are evident in cancer patients and tumor-bearing animals. These cells constitute approximately 5% of total cells in tumors. Tumors coinjected with Gr+CD11b+ cells exhibited increased vascular density, vascular maturation, and decreased necrosis. These immune cells produce high
10. HAT-P-11b: A SUPER-NEPTUNE PLANET TRANSITING A BRIGHT K STAR IN THE KEPLER FIELD
International Nuclear Information System (INIS)
Bakos, G. A.; Torres, G.; Pal, A.; Hartman, J.; Noyes, R. W.; Latham, D. W.; Sasselov, D. D.; Sipocz, B.; Esquerdo, G. A.; Kovacs, Gabor; Fernandez, J.; Kovacs, Geza; Moor, A.; Fischer, D. A.; Isaacson, H.; Johnson, J. A.; Marcy, G. W.; Howard, A.; Butler, R. P.; Vogt, S.
2010-01-01
We report on the discovery of HAT-P-11b, the smallest radius transiting extrasolar planet (TEP) discovered from the ground, and the first hot Neptune discovered to date by transit searches. HAT-P-11b orbits the bright (V = 9.587) and metal rich ([Fe/H] = +0.31 ± 0.05) K4 dwarf star GSC 03561-02092 with P = 4.8878162 ± 0.0000071 days and produces a transit signal with depth of 4.2 mmag, the shallowest found by transit searches that is due to a confirmed planet. We present a global analysis of the available photometric and radial velocity (RV) data that result in stellar and planetary parameters, with simultaneous treatment of systematic variations. The planet, like its near-twin GJ 436b, is somewhat larger than Neptune (17 M + , 3.8 R + ) both in mass M p = 0.081 ± 0.009 M J (25.8 ± 2.9 M + ) and radius R p = 0.422 ± 0.014 R J (4.73 ± 0.16 R + ). HAT-P-11b orbits in an eccentric orbit with e = 0.198 ± 0.046 and ω = 355. 0 2 ± 17. 0 3, causing a reflex motion of its parent star with amplitude 11.6 ± 1.2 m s -1 , a challenging detection due to the high level of chromospheric activity of the parent star. Our ephemeris for the transit events is T c = 2454605.89132 ± 0.00032 (BJD), with duration 0.0957 ± 0.0012 days, and secondary eclipse epoch of 2454608.96 ± 0.15 days (BJD). The basic stellar parameters of the host star are M * = 0.809 +0.020 -0.027 M sun , R * = 0.752 ± 0.021 R sun , and T eff* = 4780 ± 50 K. Importantly, HAT-P-11 will lie on one of the detectors of the forthcoming Kepler mission; this should make possible fruitful investigations of the detailed physical characteristic of both the planet and its parent star at unprecedented precision. We discuss an interesting constraint on the eccentricity of the system by the transit light curve and stellar parameters. This will be particularly useful for eccentric TEPs with low-amplitude RV variations in Kepler's field. We also present a blend analysis, that for the first time treats the case of a
11. Impact of HSD11B1 polymorphisms on BMI and components of the metabolic syndrome in patients receiving psychotropic treatments
KAUST Repository
Quteineh, Lina; Vandenberghe, Frederik; Saigi Morgui, Nuria; Delacré taz, Auré lie; Choong, Eva; Gholam-Rezaee, Mehdi; Magistretti, Pierre J.; Bondolfi, Guido; Von Gunten, Armin; Preisig, Martin A.; Castelao, Enrique; Vollenweider, Peter; Waeber, Gé rard; Bochud, Murielle; Kutalik, Zoltá n; Conus, Philippe O.; Eap, Chin Bin
2015-01-01
Background Metabolic syndrome (MetS) associated with psychiatric disorders and psychotropic treatments represents a major health issue. 11β-Hydroxysteroid dehydrogenase type 1 (11β-HSD1) is an enzyme that catalyzes tissue regeneration of active cortisol from cortisone. Elevated enzymatic activity of 11β-HSD1 may lead to the development of MetS. Methods We investigated the association between seven HSD11B1 gene (encoding 11β-HSD1) polymorphisms and BMI and MetS components in a psychiatric sample treated with potential weight gain-inducing psychotropic drugs (n=478). The polymorphisms that survived Bonferroni correction were analyzed in two independent psychiatric samples (n R1 =168, n R2 =188) and in several large population-based samples (n 1 =5338; n 2 =123 865; n 3 >100 000). Results HSD11B1 rs846910-A, rs375319-A, and rs4844488-G allele carriers were found to be associated with lower BMI, waist circumference, and diastolic blood pressure compared with the reference genotype (P corrected <0.05). These associations were exclusively detected in women (n=257) with more than 3.1 kg/m 2, 7.5 cm, and 4.2 mmHg lower BMI, waist circumference, and diastolic blood pressure, respectively, in rs846910-A, rs375319-A, and rs4844488-G allele carriers compared with noncarriers (P corrected <0.05). Conversely, carriers of the rs846906-T allele had significantly higher waist circumference and triglycerides and lower high-density lipoprotein-cholesterol exclusively in men (P corrected =0.028). The rs846906-T allele was also associated with a higher risk of MetS at 3 months of follow-up (odds ratio: 3.31, 95% confidence interval: 1.53-7.17, P corrected =0.014). No association was observed between HSD11B1 polymorphisms and BMI and MetS components in the population-based samples. Conclusions Our results indicate that HSD11B1 polymorphisms may contribute toward the development of MetS in psychiatric patients treated with potential weight gain-inducing psychotropic drugs, but do not
12. Search for 4H, 5H and 6H nuclei in the 11B-induced reaction on 9Be
International Nuclear Information System (INIS)
Belozerov, A.V.; Borcea, C.; Dlouhy, Z.
1985-01-01
In the 11 B(88.0 MeV)+ 9 Be reaction the energy spectra of the 14 O, 15 O and 16 O nuclei have been measured to obtain some information about their partners in the exit channel - the neutron-rich hydrogen isotopes 4 H, 5 H and 6 H. The unbound levels in the 4 H and 6 H systems have been observed at excitation energies of 3.5 +- 0.5 MeV (GITA approximately 1 MeV) and 2.6 +- 0.5 MeV (GITA=1.5 +- 0.3 MeV), respectively
13. Atmospheric Retrievals of HAT-P-16b and WASP-11b/HAT-P-10b
Science.gov (United States)
McIntyre, Kathleen; Harrington, Joseph; Challener, Ryan; Lenius, Maria; Hartman, Joel D.; Bakos, Gaspar A.; Blecic, Jasmina; Cubillos, Patricio E.; Cameron, Andrew
2018-01-01
We report Bayesian atmospheric retrievals performed on the exoplanets HAT-P-16b and WASP-11b/HAT-P-10b. HAT-P-16b is a hot (equilibrium temperature 1626 ± 40 K, assuming zero Bond albedo and efficient energy redistribution), 4.19 ± 0.09 Jupiter-mass exoplanet orbiting an F8 star every 2.775960 ± 0.000003 days (Buchhave et al 2010). WASP-11b/HAT-P-10b is a cooler (1020 ± 17 K), 0.487 ± 0.018 Jupiter-mass exoplanet orbiting a K3 star every 3.7224747 ± 0.0000065 days (Bakos et al. 2009, co-discovered by West et al. 2008). We observed secondary eclipses of both planets using the 3.6 μm and 4.5 μm channels of the Spitzer Space Telescope's Infrared Array Camera (program ID 60003). We applied our Photometry for Orbits, Eclipses, and Transits (POET) code to produce normalized eclipse light curves, and our Bayesian Atmospheric Radiative Transfer (BART) code to constrain the temperature-pressure profiles and atmospheric molecular abundances of the two planets. Spitzer is operated by the Jet Propulsion Laboratory, California Institute of Technology, under a contract with NASA. This work was supported by NASA Planetary Atmospheres grant NNX12AI69G and NASA Astrophysics Data Analysis Program grant NNX13AF38G.
14. The R-matrix investigation of 8Li(α, n)11B reaction below 6 MeV
Science.gov (United States)
Kilic, Ali Ihsan; Muecher, Dennis; Garret, Paul; Svensson, Carl
2017-09-01
The investigation of cross sections for the 8Li(α, n)11B reaction has important impact for both primordial nucleosynthesis in the inhomogeneous models as well as constraining the physical conditions characterizing the r-process. However, there are large discrepancies existing between inclusive and exclusive measurements of the cross section below 3 MeV. The R-Matrix technique is a powerful tool for the analysis of the nuclear data for the purpose of extracting level information of compound nucleus 12B and extrapolation of the astrophysical S-Factor to Gamow energies. We have applied the R-matrix calculations for the 8Li(α, n)11B reaction and will present results for both the reaction rates and the partial S-factor. Combining the direct reaction contribution with the results from our R-matrix calculations, we can well describe the experimental data from the inclusive measurements. However, new experiments are needed in order to understand the role of neutron detection close to the threshold, for which we describe our experimental plans at ISAC, TRIUMF, using the newly developed DESCANT array.
15. Rab11b mediates melanin transfer between donor melanocytes and acceptor keratinocytes via coupled exo/endocytosis.
Science.gov (United States)
Tarafder, Abul K; Bolasco, Giulia; Correia, Maria S; Pereira, Francisco J C; Iannone, Lucio; Hume, Alistair N; Kirkpatrick, Niall; Picardo, Mauro; Torrisi, Maria R; Rodrigues, Inês P; Ramalho, José S; Futter, Clare E; Barral, Duarte C; Seabra, Miguel C
2014-04-01
The transfer of melanin from melanocytes to keratinocytes is a crucial process underlying maintenance of skin pigmentation and photoprotection against UV damage. Here, we present evidence supporting coupled exocytosis of the melanin core, or melanocore, by melanocytes and subsequent endocytosis by keratinocytes as a predominant mechanism of melanin transfer. Electron microscopy analysis of human skin samples revealed three lines of evidence supporting this: (1) the presence of melanocores in the extracellular space; (2) within keratinocytes, melanin was surrounded by a single membrane; and (3) this membrane lacked the melanosomal membrane protein tyrosinase-related protein 1 (TYRP1). Moreover, co-culture of melanocytes and keratinocytes suggests that melanin exocytosis is specifically induced by keratinocytes. Furthermore, depletion of Rab11b, but not Rab27a, caused a marked decrease in both keratinocyte-stimulated melanin exocytosis and transfer to keratinocytes. Thus, we propose that the predominant mechanism of melanin transfer is keratinocyte-induced exocytosis, mediated by Rab11b through remodeling of the melanosome membrane, followed by subsequent endocytosis by keratinocytes.
16. Empirical investigation on the dependence of TCP downstream throughput on SNR in an IEEE802.11b WLAN system
Directory of Open Access Journals (Sweden)
Ikponmwosa Oghogho
2017-04-01
Full Text Available The dependence of TCP downstream throughput (TCPdownT on signal to noise ratio (SNR in an IEEE802.11b WLAN system was investigated in various environments and varieties of QoS traffic. TCPdownT was measured for various SNR observed. An Infrastructure based IEEE802.11b WLAN system having networked computers on which measurement software were installed, was set up consecutively in various environments (open corridor, small offices with block walls and plaster boards and free space. Empirical models describing TCPdownT against SNR for different signal ranges (all ranges of signals, strong signals only, grey signals only and weak signals only were statistically generated and validated. As the SNR values changed from high (strong signals through low (grey signals to very low (weak signals, our results show a strong dependence of TCPdownT on the received SNR. Our models showed lower RMS errors when compared with other similar models. We observed RMS errors of 0.6734791 Mbps, 0.472209 Mbps, 0.9111563 Mbps and 0.5764460 Mbps for general (all SNR model, strong signals model, grey signals model and Weak signals model respectively. Our models will provide researchers and WLAN systems users with a tool to estimate the TCP downstream throughput in a real network in various environments by monitoring the received SNR.
17. Human T-cell leukemia virus type 1 Tax oncoprotein represses the expression of the BCL11B tumor suppressor in T-cells
Science.gov (United States)
Takachi, Takayuki; Takahashi, Masahiko; Takahashi-Yoshita, Manami; Higuchi, Masaya; Obata, Miki; Mishima, Yukio; Okuda, Shujiro; Tanaka, Yuetsu; Matsuoka, Masao; Saitoh, Akihiko; Green, Patrick L; Fujii, Masahiro
2015-01-01
Human T-cell leukemia virus type 1 (HTLV-1) is the etiological agent of adult T cell leukemia (ATL), which is an aggressive form of T-cell malignancy. HTLV-1 oncoproteins, Tax and HBZ, play crucial roles in the immortalization of T-cells and/or leukemogenesis by dysregulating the cellular functions in the host. Recent studies show that HTLV-1-infected T-cells have reduced expression of the BCL11B tumor suppressor protein. In the present study, we explored whether Tax and/or HBZ play a role in downregulating BCL11B in HTLV-1-infected T-cells. Lentiviral transduction of Tax in a human T-cell line repressed the expression of BCL11B at both the protein and mRNA levels, whereas the transduction of HBZ had little effect on the expression. Tax mutants with a decreased activity for the NF-κB, CREB or PDZ protein pathways still showed a reduced expression of the BCL11B protein, thereby implicating a different function of Tax in BCL11B downregulation. In addition, the HTLV-2 Tax2 protein reduced the BCL11B protein expression in T-cells. Seven HTLV-1-infected T-cell lines, including three ATL-derived cell lines, showed reduced BCL11B mRNA and protein expression relative to an uninfected T-cell line, and the greatest reductions were in the cells expressing Tax. Collectively, these results indicate that Tax is responsible for suppressing BCL11B protein expression in HTLV-1-infected T-cells; Tax-mediated repression of BCL11B is another mechanism that Tax uses to promote oncogenesis of HTLV-1-infected T-cells. PMID:25613934
18. Tumor cell-released TLR4 ligands stimulate Gr-1+CD11b+F4/80+ cells to induce apoptosis of activated T cells.
Science.gov (United States)
Liu, Yan-Yan; Sun, Ling-Cong; Wei, Jing-Jing; Li, Dong; Yuan, Ye; Yan, Bin; Liang, Zhi-Hui; Zhu, Hui-Fen; Xu, Yong; Li, Bo; Song, Chuan-Wang; Liao, Sheng-Jun; Lei, Zhang; Zhang, Gui-Mei; Feng, Zuo-Hua
2010-09-01
Gr-1(+)CD11b(+)F4/80(+) cells play important roles in tumor development and have a negative effect on tumor immunotherapy. So far, the mechanisms underlying the regulation of their immunosuppressive phenotype by classical and alternative macrophage activation stimuli are not well elucidated. In this study, we found that molecules from necrotic tumor cells (NTC-Ms) stimulated Gr-1(+)CD11b(+)F4/80(+) cells to induce apoptosis of activated T cells but not nonstimulated T cells. The apoptosis-inducing capacity was determined by higher expression levels of arginase I and IL-10 relative to those of NO synthase 2 and IL-12 in Gr-1(+)CD11b(+)F4/80(+) cells, which were induced by NTC-Ms through TLR4 signaling. The apoptosis-inducing capacity of NTC-Ms-stimulated Gr-1(+)CD11b(+)F4/80(+) cells could be enhanced by IL-10. IFN-gamma may reduce the apoptosis-inducing capacity of Gr-1(+)CD11b(+)F4/80(+) cells only if their response to IFN-gamma was not attenuated. However, the potential of Gr-1(+)CD11b(+)F4/80(+) cells to express IL-12 in response to IFN-gamma could be attenuated by tumor, partially due to the existence of active STAT3 in Gr-1(+)CD11b(+)F4/80(+) cells and NTC-Ms from tumor. In this situation, IFN-gamma could not effectively reduce the apoptosis-inducing capacity of Gr-1(+)CD11b(+)F4/80(+) cells. Tumor immunotherapy with 4-1BBL/soluble programmed death-1 may significantly reduce, but not abolish the apoptosis-inducing capacity of Gr-1(+)CD11b(+)F4/80(+) cells in local microenvironment. Blockade of TLR4 signaling could further reduce the apoptosis-inducing capacity of Gr-1(+)CD11b(+)F4/80(+) cells and enhance the suppressive effect of 4-1BBL/soluble form of programmed death-1 on tumor growth. These findings indicate the relationship of distinct signaling pathways with apoptosis-inducing capacity of Gr-1(+)CD11b(+)F4/80(+) cells and emphasize the importance of blocking TLR4 signaling to prevent the induction of T cell apoptosis by Gr-1(+)CD11b(+)F4/80(+) cells.
19. 11B-NMR study of low-temperature phase transition in CuB2O4
International Nuclear Information System (INIS)
Yasuda, Y; Nakamura, H; Fujii, Y; Kikuchi, H; Chiba, M; Yamamoto, Y; Hori, H; Petrakovskii, G; Popov, M; Bezmaternikh, L
2007-01-01
The material CuB 2 O 4 presents a variety of phases in the B-T phase diagram, caused by the frustration and the Dzialoshinskii-Moriya interaction. In order to investigate the nature of the phase transitions, a 11 B-NMR experiment on CuB 2 O 4 has been performed under an applied magnetic field along the a-axis down to 0.4 K. A new incommensurate-incommensurate phase transition has been found at 0.8 K under a field of 0.5 T. Further, another phase transition has been observed at 4.7 K under a field of about 2 T, which is consistent with the transition reported by the neutron diffraction experiment
20. Increased Expression of CD200 on Circulating CD11b+ Monocytes in Patients with Neovascular Age-related Macular Degeneration
DEFF Research Database (Denmark)
Singh, Amardeep; Falk, Mads K; Hviid, Thomas V F
2013-01-01
OBJECTIVE: Dysregulation of retinal microglial activity has been implicated in the pathogenesis of neovascular age-related macular degeneration. Microglia activity can be regulated through the membrane protein CD200 and its corresponding receptor, the CD200 receptor (CD200R). Because both...... with neovascular age-related macular degeneration (AMD) and 44 age-matched controls without AMD. METHODS: The participants were aged 60 years or older, had no history of immune dysfunction or cancer, and were not receiving immune-modulating therapy. All participants were subjected to a structured interview......: Patients with neovascular AMD had a higher percentage of CD11b+CD200+ monocytes and CD200+ monocytes compared with controls. Multiple regression analysis revealed that the intergroup differences observed were independent of age. Moreover, an age-related increment in CD200 expression on monocytes...
1. Novel ZEB2-BCL11B Fusion Gene Identified by RNA-Sequencing in Acute Myeloid Leukemia with t(2;14(q22;q32.
Directory of Open Access Journals (Sweden)
Synne Torkildsen
Full Text Available RNA-sequencing of a case of acute myeloid leukemia with the bone marrow karyotype 46,XY,t(2;14(q22;q32[5]/47,XY,idem,+?4,del(6(q13q21[cp6]/46,XY[4] showed that the t(2;14 generated a ZEB2-BCL11B chimera in which exon 2 of ZEB2 (nucleotide 595 in the sequence with accession number NM_014795.3 was fused to exon 2 of BCL11B (nucleotide 554 in the sequence with accession number NM_022898.2. RT-PCR together with Sanger sequencing verified the presence of the above-mentioned fusion transcript. All functional domains of BCL11B are retained in the chimeric protein. Abnormal expression of BCL11B coding regions subjected to control by the ZEB2 promoter seems to be the leukemogenic mechanism behind the translocation.
2. Pathogen-expanded CD11b+ invariant NKT cells feedback inhibit T cell proliferation via membrane-bound TGF-β1.
Science.gov (United States)
Han, Yanmei; Jiang, Zhengping; Chen, Zhubo; Gu, Yan; Liu, Yanfang; Zhang, Xiang; Cao, Xuetao
2015-04-01
Natural killer T cells (NKT cells) are effector cells, but also regulator of immune response, which either promote or suppress immune response through production of different cytokines. However, the subsets of NKT cells with definite phenotype and regulatory function need to be further identified. Furthermore, the mechanisms for NKT cells to regulate immune response remain to be fully elucidated. Here we identified CD11b(+) invariant NKT (CD11b(+) iNKT) cells as a new subset of regulatory NKT cells in mouse models with infection. αGalCer:CD1d complex(+)TCRβ(+)NK1.1(+) NKT cells could be categorized to CD11b(+) and CD11b(-) subsets. NKT cells are enriched in liver. During Listeria monocytogenes infection, hepatic CD11b(+) iNKT cells were significantly induced and expanded, with peak expansion on day 8. CD11b(+) iNKT cells were also expanded significantly in spleen and mesenteric lymph nodes. As compared to CD11b(-) iNKT cells, CD11b(+) iNKT cells expressed higher levels of CD27, FasL, B7H1, CD69, and particularly higher level of membrane-bound TGF-β1 (mTGF-β1), but produced less IFN-γ, IL-4, IL-10 and TGF-β1. Hepatic CD11b(+) iNKT cells suppressed antigen-nonspecific and OVA-specific CD4 and CD8 T cell proliferation through mTGF-β1 both in vitro and in vivo, meanwhile, they did not interfere with activation of CD4 T cells and cytotoxicity of the activated CD8 T cells. Thus, we have identified a new subset of pathogen-expanded CD11b(+) invariant NKT cells which can feedback inhibit T cell response through cell-to-cell contact via cell surface (membrane-bound) TGF-β1, especially at the late stage of immune response against infection. CD11b(+) regulatory iNKT cells may contribute to protect host from pathological injure by preventing immune overactivation. Copyright © 2015 Elsevier Ltd. All rights reserved.
3. DMPD: CR3 (CD11b, CD18): a phagocyte and NK cell membrane receptor with multipleligand specificities and functions. [Dynamic Macrophage Pathway CSML Database
Lifescience Database Archive (English)
Full Text Available ) (.html) (.csml) Show CR3 (CD11b, CD18): a phagocyte and NK cell membrane receptor with multipleligand specificities and function...d NK cell membrane receptor with multipleligand specificities and functions. Authors Ross GD, Vetvicka V. Pu...igand specificities and functions. Ross GD, Vetvicka V. Clin Exp Immunol. 1993 May;92(2):181-4. (.png) (.svg...8485905 CR3 (CD11b, CD18): a phagocyte and NK cell membrane receptor with multiplel
4. Contribution to the study of the reaction p + {sup 11}B = 3 {alpha} by the coincidence method; Contribution a l'etude de la reaction p + {sup 11}B = 3 {alpha} par la methode des coincidences
Energy Technology Data Exchange (ETDEWEB)
Laugier, J Ph [Commissariat a l' Energie Atomique, Bruyeres-le-Chatel (France). Centre d' Etudes
1969-07-01
We have studied the production mode of the 3 {alpha} system in the reaction p + {sup 11}B = {sup 12}C{sup *} = {alpha} + {sup 8}Be{sup *}; {sup 8}Be{sup *} = {alpha} + {alpha}. We have got some information for three different effects: the influence of the {sup 8}Be residual nucleus states = sequential decay; the influence of the {sup 12}C compound nucleus states = spin effect; an interference effect. We give a theoretical expression of the different spectra which take into account the observed phenomena. We have taken, as a parameter, the phase shift, between the waves associated with the detected particles, which produce the interference effect. The main characteristics of the experimental devices are : self supporting boron targets; cooled semiconductor detectors; multi-parametric system: for each nuclear event three parameters are recorded: the energies of the detected particles and the time of the detection; Recording system: the information are recorded on a magnetic tape and at the same time treated with an on line CAE 510 computer. The CAE 510 computer is used in delayed time to analyse the experimental data. (author) [French] Nous avons etudie le mecanisme de production du systeme 3 {alpha} dans la reaction: p + {sup 11}B = {sup 12}C{sup *} = {alpha} + {sup 8}Be{sup *}; {sup 8}Be{sup *} = {alpha} + {alpha}. Cette etude nous a permis de mettre en evidence trois effets de nature differente: l'effet des niveaux du noyau intermediaire {sup 8}Be reaction sequentielle; l'effet des niveaux du noyau compose {sup 12}C = effet de spin; -un effet d'interferences. Nous avons pu donner une expression theorique du spectre, rendant compte d'une facon satisfaisante des phenomenes observes. Pour cela nous avons considere le dephasage, entre les ondes associees aux particules detectees, qui produit les interferences, comme un parametre arbitraire. Du point de vue experimental les caracteristiques principales du materiel utilise sont les suivantes: utilisation de cibles de
5. Bone marrow CD11b(+)F4/80(+) dendritic cells ameliorate collagen-induced arthritis through modulating the balance between Treg and Th17.
Science.gov (United States)
Zhang, Lingling; Fu, Jingjing; Sheng, Kangliang; Li, Ying; Song, Shanshan; Li, Peipei; Song, Shasha; Wang, Qingtong; Chen, Jingyu; Yu, Jianhua; Wei, Wei
2015-03-01
Tolerogenic dendritic cells (DCs) are well-known to show an immunosuppressive function. In this study we determine the therapeutic effects and potential mechanisms of transferred bone marrow (BM) CD11b(+)F4/80(+) DCs on collagen-induced arthritis (CIA) in mice. Murine BM CD11b(+)F4/80(+) DCs were generated under the stimulation of GM-CSF and IL-4, and the function of BM CD11b(+) F4/80(+) DCs was identified by measuring the levels of IL-10, TGF-beta and indoleamine 2,3-dioxygenase (IDO). BM CD11b(+)F4/80(+) DCs were transferred to CIA mice by intravenous injections. The histopathology of joint and spleen were evaluated. T lymphocyte proliferation, Treg and Th17 subsets were analyzed. The expressions of Foxp3, Helios and RORγt in T lymphocytes co-cultured with BM CD11b(+)F4/80(+) DCs were measured in vitro. We found that BM CD11b(+)F4/80(+) DCs induced by GM-CSF and IL-4 could express high levels of IL-10, TGF-beta and IDO. BM CD11b(+)F4/80(+) DCs significantly reduced the pathologic scores in joints and spleens, which correlated significantly with the reduced T lymphocyte proliferation and Th17 cell number, and with the increased Tregs number. In vitro, OVA-pulsed BM CD11b(+)F4/80(+) DCs promoted Treg cell expansion, enhanced IL-10 and CTLA-4 protein expression, augmented Foxp3 and Helios mRNA expression, and inhibited RORγt and IL-17 mRNA expression. Taken together, BM CD11b(+)F4/80(+) DCs are able to ameliorate the development and severity of CIA, at least partly by inducing Foxp3(+) Treg cell expansion and suppressing Th17 function. The BM CD11b(+)F4/80(+) DCs might have a promising immunotherapeutic potential for autoimmune arthritis. Copyright © 2015 Elsevier B.V. All rights reserved.
6. Measurement of the 12C(e,e‧p)11B two-body breakup reaction at high missing momentum
Science.gov (United States)
Monaghan, P.; Shneor, R.; Subedi, R.; Anderson, B. D.; Aniol, K.; Annand, J.; Arrington, J.; Benaoum, H. B.; Benmokhtar, F.; Bertin, P.; Bertozzi, W.; Boeglin, W.; Chen, J. P.; Choi, Seonho; Chudakov, E.; Ciofi degli Atti, C.; Cisbani, E.; Cosyn, W.; Craver, B.; de Jager, C. W.; Feuerbach, R. J.; Folts, E.; Frullani, S.; Garibaldi, F.; Gayou, O.; Gilad, S.; Gilman, R.; Glamazdin, O.; Gomez, J.; Hansen, O.; Higinbotham, D. W.; Holmstrom, T.; Ibrahim, H.; Igarashi, R.; Jans, E.; Jiang, X.; Kaufman, L.; Kelleher, A.; Kolarkar, A.; Kuchina, E.; Kumbartzki, G.; LeRose, J. J.; Lindgren, R.; Liyanage, N.; Margaziotis, D. J.; Markowitz, P.; Marrone, S.; Mazouz, M.; Meekins, D.; Michaels, R.; Moffit, B.; Morita, H.; Nanda, S.; Perdrisat, C. F.; Piasetzky, E.; Potokar, M.; Punjabi, V.; Qiang, Y.; Reinhold, J.; Reitz, B.; Ron, G.; Rosner, G.; Ryckebusch, J.; Saha, A.; Sawatzky, B.; Segal, J.; Shahinyan, A.; Širca, S.; Slifer, K.; Solvignon, P.; Sulkosky, V.; Thompson, N.; Ulmer, P. E.; Urciuoli, G. M.; Voutier, E.; Wang, K.; Watson, J. W.; Weinstein, L. B.; Wojtsekhowski, B.; Wood, S.; Yao, H.; Zheng, X.; Zhu, L.
2014-10-01
The five-fold differential cross section for the 12C{{(e,{{e}^{\\prime }}p)}^{11}}B reaction was determined over a missing momentum range of 200-400 MeV\\;{{c}^{-1}}, in a kinematics regime with {{x}_{B}}\\gt 1 and {{Q}^{2}}=2.0 {{(GeV\\;{{c}^{-1}})}^{2}}. A comparison of the results with previous lower missing momentum data and with theoretical models are presented. The extracted distorted momentum distribution is shown to be consistent with previous data and extends the range of available data up to 400 MeV\\;{{c}^{-1}}. The theoretical calculations are from two very different approaches, one mean field and the other short range correlated; yet for this system the two approaches show striking agreement with the data and each other up to a missing momentum value of 325 MeV\\;{{c}^{-1}}. For larger momenta, the calculations diverge which is likely due to the factorization approximation used in the short range approach.
7. Magnetic substate populations of product nuclei in the /sup 11/B(d,p)/sup 12/B reaction
Energy Technology Data Exchange (ETDEWEB)
Tanaka, M; Ochi, S; Minamisono, T; Mizobuchi, A; Sugimoto, K [Osaka Univ., Toyonaka (Japan). Lab. of Nuclear Studies
1976-05-31
Magnetic substate populations of product nuclei in the /sup 11/B(d,p)/sup 12/B reaction have been measured in an energy range Esub(d) = 1.3-3.0 MeV at recoil angles of thetasub(R) = 55/sup 0/, 45/sup 0/ and 27/sup 0/-37/sup 0/. A static magnetic field (3 kG) was applied normal to the reaction plane to keep the nuclear orientation. Quadrupole effects on the implanted /sup 12/B in Ta were utilized to perturb the Zeeman splitting. NMR transitions were induced, and detected by the asymmetry change in the ..beta..-decay of /sup 12/B. From this information, the magnetic substate populations were determined, for the unique assignment of which the sign of the quadrupole interaction had to be known. For this purpose, a p-..gamma.. angular correlation was measured, which determined the alignment of the first excited state of /sup 12/B. A comparison of the present result with theoretical predictions is given, together with the resultant information about j-mixings in the /sup 12/B states.
8. Recurrent De Novo Mutations Disturbing the GTP/GDP Binding Pocket of RAB11B Cause Intellectual Disability and a Distinctive Brain Phenotype.
Science.gov (United States)
Lamers, Ideke J C; Reijnders, Margot R F; Venselaar, Hanka; Kraus, Alison; Jansen, Sandra; de Vries, Bert B A; Houge, Gunnar; Gradek, Gyri Aasland; Seo, Jieun; Choi, Murim; Chae, Jong-Hee; van der Burgt, Ineke; Pfundt, Rolph; Letteboer, Stef J F; van Beersum, Sylvia E C; Dusseljee, Simone; Brunner, Han G; Doherty, Dan; Kleefstra, Tjitske; Roepman, Ronald
2017-11-02
The Rab GTPase family comprises ∼70 GTP-binding proteins, functioning in vesicle formation, transport and fusion. They are activated by a conformational change induced by GTP-binding, allowing interactions with downstream effectors. Here, we report five individuals with two recurrent de novo missense mutations in RAB11B; c.64G>A; p.Val22Met in three individuals and c.202G>A; p.Ala68Thr in two individuals. An overlapping neurodevelopmental phenotype, including severe intellectual disability with absent speech, epilepsy, and hypotonia was observed in all affected individuals. Additionally, visual problems, musculoskeletal abnormalities, and microcephaly were present in the majority of cases. Re-evaluation of brain MRI images of four individuals showed a shared distinct brain phenotype, consisting of abnormal white matter (severely decreased volume and abnormal signal), thin corpus callosum, cerebellar vermis hypoplasia, optic nerve hypoplasia and mild ventriculomegaly. To compare the effects of both variants with known inactive GDP- and active GTP-bound RAB11B mutants, we modeled the variants on the three-dimensional protein structure and performed subcellular localization studies. We predicted that both variants alter the GTP/GDP binding pocket and show that they both have localization patterns similar to inactive RAB11B. Evaluation of their influence on the affinity of RAB11B to a series of binary interactors, both effectors and guanine nucleotide exchange factors (GEFs), showed induction of RAB11B binding to the GEF SH3BP5, again similar to inactive RAB11B. In conclusion, we report two recurrent dominant mutations in RAB11B leading to a neurodevelopmental syndrome, likely caused by altered GDP/GTP binding that inactivate the protein and induce GEF binding and protein mislocalization. Copyright © 2017 American Society of Human Genetics. All rights reserved.
9. Clarithromycin expands CD11b+Gr-1+ cells via the STAT3/Bv8 axis to ameliorate lethal endotoxic shock and post-influenza bacterial pneumonia
Science.gov (United States)
Fujii, Hideki; Yagi, Kazuma; Suzuki, Shoji; Hegab, Ahmed E.; Tasaka, Sadatomo; Nakamoto, Nobuhiro; Iwata, Satoshi; Honda, Kenya; Kanai, Takanori; Hasegawa, Naoki; Betsuyaku, Tomoko
2018-01-01
Macrolides are used to treat various inflammatory diseases owing to their immunomodulatory properties; however, little is known about their precise mechanism of action. In this study, we investigated the functional significance of the expansion of myeloid-derived suppressor cell (MDSC)-like CD11b+Gr-1+ cells in response to the macrolide antibiotic clarithromycin (CAM) in mouse models of shock and post-influenza pneumococcal pneumonia as well as in humans. Intraperitoneal administration of CAM markedly expanded splenic and lung CD11b+Gr-1+ cell populations in naïve mice. Notably, CAM pretreatment enhanced survival in a mouse model of lipopolysaccharide (LPS)-induced shock. In addition, adoptive transfer of CAM-treated CD11b+Gr-1+ cells protected mice against LPS-induced lethality via increased IL-10 expression. CAM also improved survival in post-influenza, CAM-resistant pneumococcal pneumonia, with improved lung pathology as well as decreased interferon (IFN)-γ and increased IL-10 levels. Adoptive transfer of CAM-treated CD11b+Gr-1+ cells protected mice from post-influenza pneumococcal pneumonia. Further analysis revealed that the CAM-induced CD11b+Gr-1+ cell expansion was dependent on STAT3-mediated Bv8 production and may be facilitated by the presence of gut commensal microbiota. Lastly, an analysis of peripheral blood obtained from healthy volunteers following oral CAM administration showed a trend toward the expansion of human MDSC-like cells (Lineage−HLA-DR−CD11b+CD33+) with increased arginase 1 mRNA expression. Thus, CAM promoted the expansion of a unique population of immunosuppressive CD11b+Gr-1+ cells essential for the immunomodulatory properties of macrolides. PMID:29621339
10. LRET Determination of Molecular Distances during pH Gating of the Mammalian Inward Rectifier Kir1.1b.
Science.gov (United States)
Nanazashvili, Mikheil; Sánchez-Rodríguez, Jorge E; Fosque, Ben; Bezanilla, Francisco; Sackin, Henry
2018-01-09
Gating of the mammalian inward rectifier Kir1.1 at the helix bundle crossing (HBC) by intracellular pH is believed to be mediated by conformational changes in the C-terminal domain (CTD). However, the exact motion of the CTD during Kir gating remains controversial. Crystal structures and single-molecule fluorescence resonance energy transfer of KirBac channels have implied a rigid body rotation and/or a contraction of the CTD as possible triggers for opening of the HBC gate. In our study, we used lanthanide-based resonance energy transfer on single-Cys dimeric constructs of the mammalian renal inward rectifier, Kir1.1b, incorporated into anionic liposomes plus PIP 2 , to determine unambiguous, state-dependent distances between paired Cys residues on diagonally opposite subunits. Functionality and pH dependence of our proteoliposome channels were verified in separate electrophysiological experiments. The lanthanide-based resonance energy transfer distances measured in closed (pH 6) and open (pH 8) conditions indicated neither expansion nor contraction of the CTD during gating, whereas the HBC gate widened by 8.8 ± 4 Å, from 6.3 ± 2 to 15.1 ± 6 Å, during opening. These results are consistent with a Kir gating model in which rigid body rotation of the large CTD around the permeation axis is correlated with opening of the HBC hydrophobic gate, allowing permeation of a 7 Å hydrated K ion. Copyright © 2017 Biophysical Society. Published by Elsevier Inc. All rights reserved.
11. Different populations of CD11b+ dendritic cells drive Th2 responses in the small intestine and colon
DEFF Research Database (Denmark)
Mayer, Johannes U.; Demiri, Mimoza; Agace, William Winston
2017-01-01
and Schistosoma mansoni eggs do not develop in mice with IRF-4-deficient DCs (IRF-4f/f CD11c-cre). Adoptive transfer of conventional DCs, in particular CD11b-expressing DCs from the intestine, is sufficient to prime S. mansoni-specific Th2 responses. Surprisingly, transferred IRF-4-deficient DCs also effectively...... prime S. mansoni-specific Th2 responses. Egg antigens do not induce the expression of IRF-4-related genes. Instead, IRF-4f/f CD11c-cre mice have fewer CD11b+ migrating DCs and fewer DCs carrying parasite antigens to the lymph nodes. Furthermore, CD11b+ CD103+ DCs induce Th2 responses in the small...
12. GP2 is selectively expressed by small intestinal CD103+CD11b+ cDC
DEFF Research Database (Denmark)
Müller-Luda, Katarzyna; Ahmadi, Fatemeh; Ohno, Hiroshi
DC in the small intestine. Moreover, GP2 expressing cDC in the small intestine were dramatically reduced in the setting of intestinal inflammation. We have previously shown that mice with an IRF4 deletion in CD11c+ cells (Cd11c-cre.Irf4 fl/fl mice) have reduced numbers of small intestinal CD103+CD11b+ c......DC. Interesting, we found that GP2+ CD103+CD11b+ cDC were dramatically reduced in these mice. Finally, to address the in vivo role of GP2 expression by cDC, we have generated mice with a selective deletion of GP2 in CD103+CD11b+ cDC (huLangerin-cre.gp2 fl/fl mice). Results from these ongoing studies...
13. Double-stranded RNA promotes CTL-independent tumor cytolysis mediated by CD11b+Ly6G+ intratumor myeloid cells through the TICAM-1 signaling pathway
Science.gov (United States)
Shime, Hiroaki; Matsumoto, Misako; Seya, Tsukasa
2017-01-01
PolyI:C, a synthetic double-stranded RNA analog, acts as an immune-enhancing adjuvant that regresses tumors in cytotoxic T lymphocyte (CTL)-dependent and CTL-independent manner, the latter of which remains largely unknown. Tumors contain CD11b+Ly6G+ cells, known as granulocytic myeloid-derived suppressor cells (G-MDSCs) or tumor-associated neutrophils (TANs) that play a critical role in tumor progression and development. Here, we demonstrate that CD11b+Ly6G+ cells respond to polyI:C and exhibit tumoricidal activity in an EL4 tumor implant model. PolyI:C-induced inhibition of tumor growth was attributed to caspase-8/3 cascade activation in tumor cells that occurred independently of CD8α+/CD103+ dendritic cells (DCs) and CTLs. CD11b+Ly6G+ cells was essential for the antitumor effect because depletion of CD11b+Ly6G+ cells totally abrogated tumor regression and caspase activation after polyI:C treatment. CD11b+Ly6G+ cells that had been activated with polyI:C showed cytotoxicity and inhibited tumor growth through the production of reactive oxygen species (ROS)/reactive nitrogen species (RNS). These responses were abolished in either Toll/interleukin-1 receptor domain-containing adaptor molecule-1 (TICAM-1)−/− or interferon (IFN)-αβ receptor 1 (IFNAR1)−/− mice. Thus, our results suggest that polyI:C activates the TLR3/TICAM-1 and IFNAR signaling pathways in CD11b+Ly6G+ cells in tumors, thereby eliciting their antitumor activity, independent of those in CD8α+/CD103+ DCs that prime CTLs. PMID:27834952
14. CD40 dependent exacerbation of immune mediated hepatitis by hepatic CD11b+ Gr-1+ myeloid derived suppressor cells in tumor bearing mice
Science.gov (United States)
Kapanadze, Tamar; Medina-Echeverz, José; Gamrekelashvili, Jaba; Weiss, Jonathan M.; Wiltrout, Robert H.; Kapoor, Veena; Hawk, Nga; Terabe, Masaki; Berzofsky, Jay A.; Manns, Michael P.; Wang, Ena; Marincola, Francesco M.; Korangy, Firouzeh; Greten, Tim F.
2015-01-01
Immunosuppressive CD11b+Gr-1+ myeloid-derived suppressor cells (MDSC) accumulate in the livers of tumor-bearing mice. We studied hepatic MDSC in two murine models of immune mediated hepatitis. Unexpectedly, treatment of tumor bearing mice with Concanavalin A or α-Galactosylceramide resulted in increased ALT and AST serum levels in comparison to tumor free mice. Adoptive transfer of hepatic MDSC into naïve mice exacerbated Concanavalin A induced liver damage. Hepatic CD11b+Gr-1+ cells revealed a polarized pro-inflammatory gene signature after Concanavalin A treatment. An interferon gamma- dependent up-regulation of CD40 on hepatic CD11b+Gr-1+ cells along with an up-regulation of CD80, CD86, and CD1d after Concanavalin A treatment was observed. Concanavalin A treatment resulted in a loss of suppressor function by tumor-induced CD11b+Gr-1+ MDSC as well as enhanced reactive oxygen species-mediated hepatotoxicity. CD40 knockdown in hepatic MDSC led to increased arginase activity upon Concanavalin A treatment and lower ALT/AST serum levels. Finally, blockade of arginase activity in Cd40−/− tumor-induced myeloid cells resulted in exacerbation of hepatitis and increased reactive oxygen species production in vivo. Our findings indicate that in a setting of acute hepatitis, tumor-induced hepatic MDSC act as pro-inflammatory immune effector cells capable of killing hepatocytes in a CD40-dependent manner. PMID:25616156
15. Recruitment of Gr1(+)CD11b (+)F4/80 (+) population in the bone marrow and spleen by irradiation-induced pulmonary damage.
Science.gov (United States)
Thanasegaran, Suganya; Ito, Sachiko; Nishio, Naomi; Uddin, Mohammad Nizam; Sun, Yang; Isobe, Ken-ichi
2015-04-01
Radiation-induced lung injury is a kind of sterile inflammation, which may lead to morbidity and mortality. The mechanism by which ionizing radiation activate the immune system is not well understood. In the present study, we have investigated the immunological responses induced by local irradiation-induced damage in mouse lung. The left lungs of C57BL/6 mice were irradiated at a high dose of 100 Gy. The histology of the lungs and spleen showed evidences of alveolar inflammation and congestion at 2 weeks after X-ray treatment. Also, prominent increase in cells expressing the cell surface markers, Gr(+)CD11b(+)F4/80(+) and Ly6C(+) Ly6G(+) were observed 2 weeks after X-ray treatment (100 Gy). Gr1(+)CD11b(+)F4/80(+) cell depletion by clodronate treatment reversed the histological effects and also failed to recruit Gr(+)CD11b(+) cells or F4/80(+) cells caused by irradiation. The origin of recruited Gr1(+)CD11b(+) cells was found to be a mixed resident and recruited phenotype.
16. Irf4-dependent CD103+CD11b+ dendritic cells and the intestinal microbiome regulate monocyte and macrophage activation and intestinal peristalsis in postoperative ileus
DEFF Research Database (Denmark)
Pohl, Judith Mira; Gutweiler, Sebastian; Thiebes, Stephanie
2017-01-01
and large intestinal POI suggested a potential role of the intestinal microbiota. Indeed, antibiotic treatment reduced iNOS levels and ameliorated POI. Conclusions: Our findings reveal that CD103+CD11b+ DCs and the intestinal microbiome are a prerequisite for the activation of intestinal monocytes...
17. EXPRESSION OF CD35 (CR-1) AND CD11B (CR3) ON CIRCULATING NEUTROPHILS AND EOSINOPHILS FROM ALLERGIC ASTHMATIC-CHILDREN
NARCIS (Netherlands)
HOEKSTRA, MO; DIJKHUIZEN, B; DEMONCHY, JGR; GERRITSEN, J; KAUFFMAN, HF
Complement receptors on neutrophils and eosinophils play a role in activation and adhesion. During asthmatic reactions these receptors have been found elevated on circulating granulocytes. In the present study we compared the expression of CD35 (complement receptor type 1) and CD11b (complement
18. Five-nucleon simultaneous and sequential transfer in the 12C(11B,6Li)17O and 12C(d,7Li)7Be reactions
International Nuclear Information System (INIS)
Jarczyk, L.; Kamys, B.; Kistryn, M.; Magiera, A.; Rudy, Z.; Strzal/kowski, A.; Barna, R.; DAmico, V.; De Pasquale, D.; Italiano, A.; Licandro, M.
1996-01-01
Measurements of the angular distributions of the 12 C( 11 B, 6 Li) 17 O reaction were performed at three energies of a 11 B beam: 28, 35, and 40 MeV. The results were analyzed in the frame of the exact finite range distorted wave Born approximation of the first and the second order assuming the simultaneous and sequential transfer of the neutron and the α particle. Such an analysis was also performed for previously measured angular distributions of the 12 C(d, 7 Li) 7 Be reaction at E lab = 78 MeV. In both reactions under investigation dominance was found of the simultaneous transfer of the α particle and the nucleon correlated to the 5 He ( 5 Li) cluster in the ground or the first excited state. copyright 1996 The American Physical Society
19. Gu-4 suppresses affinity and avidity modulation of CD11b and improves the outcome of mice with endotoxemia and sepsis.
Directory of Open Access Journals (Sweden)
TingTing Yan
Full Text Available BACKGROUND: Systemic leukocyte activation and disseminated leukocyte adhesion will impair the microcirculation and cause severe decrements in tissue perfusion and organ function in the process of severe sepsis. Gu-4, a lactosyl derivative, could selectively target CD11b to exert therapeutic effect in a rat model of severe burn shock. Here, we addressed whether Gu-4 could render protective effects on septic animals. METHODOLOGY/PRINCIPAL FINDINGS: On a murine model of endotoxemia induced by lipopolysaccharide (LPS, we found that the median effective dose (ED50 of Gu-4 was 0.929 mg/kg. In vivo treatment of Gu-4 after LPS challenge prominently attenuated LPS-induced lung injury and decreased lactic acid level in lung tissue. Using the ED50 of Gu-4, we also demonstrated that Gu-4 treatment significantly improved the survival rate of animals underwent sepsis induced by cecal ligation and puncture. By adhesion and transwell migration assays, we found that Gu-4 treatment inhibited the adhesion and transendothelial migration of LPS-stimulated THP-1 cells. By flow cytometry and microscopy, we demonstrated that Gu-4 treatment inhibited the exposure of active I-domain and the cluster formation of CD11b on the LPS-stimulated polymorphonuclear leukocytes. Western blot analyses further revealed that Gu-4 treatment markedly inhibited the activation of spleen tyrosine kinase in LPS-stimulated THP-1 cells. CONCLUSIONS/SIGNIFICANCE: Gu-4 improves the survival of mice underwent endotoxemia and sepsis, our in vitro investigations indicate that the possible underlying mechanism might involve the modulations of the affinity and avidity of CD11b on the leukocyte. Our findings shed light on the potential use of Gu-4, an interacting compound to CD11b, in the treatment of sepsis and septic shock.
20. Polymorphisms of the GR and HSD11B1 genes influence body mass index and weight gain during hormone replacement treatment in patients with Addison's disease.
Science.gov (United States)
Molnár, Ágnes; Kövesdi, Annamária; Szücs, Nikolette; Tóth, Miklós; Igaz, Péter; Rácz, Károly; Patócs, Attila
2016-08-01
Glucocorticoid substitution is essential in patients with chronic primary adrenocortical insufficiency (Addison's disease) and both over-treatment and inadequate dosage have deleterious effects. Individual sensitivity to glucocorticoids is partly genetically determined. To test the hypothesis whether the well-characterized SNPs of the GR and HSD11B1 genes may modulate the individual sensitivity to exogenous glucocorticoids and may influence clinical and/or laboratory parameters and the glucocorticoid substitution dosage in patients with Addison's disease. 68 patients with primary adrenocortical insufficiency were involved. Clinical and laboratory data, as well as the dosage of the hormone replacement therapy were collected. Peripheral blood DNA was isolated, and the GR and HSD11B1 SNPs were examined using allele-specific PCR or Taqman assay on Real Time PCR. The allele frequency of the GR N363S polymorphism was higher in patients compared to the control group and the disease appeared significantly earlier in patients harbouring the GR A3669G compared to noncarriers. These patients had higher ACTH level measured at the time of diagnosis. Homozygous BclI carriers had higher body mass index (BMI) and lower total hydrocortisone equivalent supplementation dose needed than heterozygous or noncarriers. The BMI and weight gain during hormone replacement therapy were also higher in carriers of the HSD11B1 rs4844880 treated with glucocorticoids other than dexamethasone. The BclI polymorphism of the GR gene and the rs4844880 of the HSD11B1 gene may contribute to weight gain and may affect the individual need of glucocorticoid substitution dose in these patients. © 2016 John Wiley & Sons Ltd.
1. Cross section of the {sup 11}B(n,p) {sup 11}Be reaction for 14.7-16.9 MeV neutrons
Energy Technology Data Exchange (ETDEWEB)
Stepancinc, B Z; Stanojevic, D M; Popic, V R; Aleksic, M R [Institute of nuclear sciences Boris Kidric, Vinca, Beograd (Serbia and Montenegro)
1966-07-15
The cross section of the {sup 11}B(n,p){sup 11}Be reaction was determined for neutron energy range from 14.7 to 16.9 MeV using the activation method. Activity measurements were done by using a coincidence spectrometer essentially consisting of two plastic scintillators. Energy dependent cross section values are presented together with the previously measured values for the energy range 14.5 - 16.9 MeV.
2. A Novel Mutation in the CYP11B1 Gene Causes Steroid 11β-Hydroxylase Deficient Congenital Adrenal Hyperplasia with Reversible Cardiomyopathy
Directory of Open Access Journals (Sweden)
2015-01-01
Full Text Available Congenital adrenal hyperplasia (CAH due to steroid 11β-hydroxylase deficiency is the second most common form of CAH, resulting from a mutation in the CYP11B1 gene. Steroid 11β-hydroxylase deficiency results in excessive mineralcorticoids and androgen production leading to hypertension, precocious puberty with acne, enlarged penis, and hyperpigmentation of scrotum of genetically male infants. In the present study, we reported 3 male cases from a Saudi family who presented with penile enlargement, progressive darkness of skin, hypertension, and cardiomyopathy. The elder patient died due to heart failure and his younger brothers were treated with hydrocortisone and antihypertensive medications. Six months following treatment, cardiomyopathy disappeared with normal blood pressure and improvement in the skin pigmentation. The underlying molecular defect was investigated by PCR-sequencing analysis of all coding exons and intron-exon boundary of the CYP11B1 gene. A novel biallelic mutation c.780 G>A in exon 4 of the CYP11B1 gene was found in the patients. The mutation created a premature stop codon at amino acid 260 (p.W260∗, resulting in a truncated protein devoid of 11β-hydroxylase activity. Interestingly, a somatic mutation at the same codon (c.779 G>A, p.W260∗ was reported in a patient with papillary thyroid cancer (COSMIC database. In conclusion, we have identified a novel nonsense mutation in the CYP11B1 gene that causes classic steroid 11β-hydroxylase deficient CAH. Cardiomyopathy and cardiac failure can be reversed by early diagnosis and treatment.
3. Depletion of macrophages in CD11b diphtheria toxin receptor mice induces brain inflammation and enhances inflammatory signaling during traumatic brain injury.
Science.gov (United States)
Frieler, Ryan A; Nadimpalli, Sameera; Boland, Lauren K; Xie, Angela; Kooistra, Laura J; Song, Jianrui; Chung, Yutein; Cho, Kae W; Lumeng, Carey N; Wang, Michael M; Mortensen, Richard M
2015-10-22
Immune cells have important roles during disease and are known to contribute to secondary, inflammation-induced injury after traumatic brain injury. To delineate the functional role of macrophages during traumatic brain injury, we depleted macrophages using transgenic CD11b-DTR mice and subjected them to controlled cortical impact. We found that macrophage depletion had no effect on lesion size assessed by T2-weighted MRI scans 28 days after injury. Macrophage depletion resulted in a robust increase in proinflammatory gene expression in both the ipsilateral and contralateral hemispheres after controlled cortical impact. Interestingly, this sizeable increase in inflammation did not affect lesion development. We also showed that macrophage depletion resulted in increased proinflammatory gene expression in the brain and kidney in the absence of injury. These data demonstrate that depletion of macrophages in CD11b-DTR mice can significantly modulate the inflammatory response during brain injury without affecting lesion formation. These data also reveal a potentially confounding inflammatory effect in CD11b-DTR mice that must be considered when interpreting the effects of macrophage depletion in disease models. Copyright © 2015 Elsevier B.V. All rights reserved.
4. CXCL17 expression by tumor cells recruits CD11b+Gr1 high F4/80- cells and promotes tumor progression.
Directory of Open Access Journals (Sweden)
Aya Matsui
Full Text Available BACKGROUND: Chemokines are involved in multiple aspects of pathogenesis and cellular trafficking in tumorigenesis. In this study, we report that the latest member of the C-X-C-type chemokines, CXCL17 (DMC/VCC-1, recruits immature myeloid-derived cells and enhances early tumor progression. METHODOLOGY/PRINCIPAL FINDINGS: CXCL17 was preferentially expressed in some aggressive types of gastrointestinal, breast, and lung cancer cells. CXCL17 expression did not impart NIH3T3 cells with oncogenic potential in vitro, but CXCL17-expressing NIH3T3 cells could form vasculature-rich tumors in immunodeficient mice. Our data showed that CXCL17-expressing tumor cells increased immature CD11b(+Gr1(+ myeloid-derived cells at tumor sites in mice and promoted CD31(+ tumor angiogenesis. Extensive chemotactic assays proved that CXCL17-responding cells were CD11b(+Gr1(highF4/80(- cells (≈ 90% with a neutrophil-like morphology in vitro. Although CXCL17 expression could not increase the number of CD11b(+Gr1(+ cells in tumor-burdened SCID mice or promote metastases of low metastatic colon cancer cells, the existence of CXCL17-responding myeloid-derived cells caused a striking enhancement of xenograft tumor formation. CONCLUSIONS/SIGNIFICANCE: These results suggest that aberrant expression of CXCL17 in tumor cells recruits immature myeloid-derived cells and promotes tumor progression through angiogenesis.
5. Expression by Streptomyces lividans of the Rat α Integrin CD11b A-Domain as a Secreted and Soluble Recombinant Protein
Directory of Open Access Journals (Sweden)
2007-01-01
Full Text Available We already reported the use of a long synthetic signal peptide (LSSP to secrete the Streptomyces sp. TO1 amylase by Streptomyces lividans strain. We herein report the expression and secretion of the rat CD11b A-domain using the same LSSP and S. lividans as host strain. We have used the Escherichia coli/Streptomyces shuttle vector pIJ699 for the cloning of the A-domain DNA sequence downstream of LSSP and under the control of the constitutive ermE-up promoter of Streptomyces erythraeus. Using this construct and S. lividans as a host strain, we achieved the expression of 8 mg/L of soluble secreted recombinant form of the A-domain of the rat leukocyte β2 integrin CD11/CD18 alpha M subunit (CD11b. This secreted recombinant CD11b A-domain reacted with a function blocking antibody showing that this protein is properly folded and probably functional. These data support the capability of Streptomyces to produce heterologous recombinant proteins as soluble secreted form using the “LSSP” synthetic signal peptide.
6. d(− Lactic Acid-Induced Adhesion of Bovine Neutrophils onto Endothelial Cells Is Dependent on Neutrophils Extracellular Traps Formation and CD11b Expression
Directory of Open Access Journals (Sweden)
Pablo Alarcón
2017-08-01
Full Text Available Bovine ruminal acidosis is of economic importance as it contributes to reduced milk and meat production. This phenomenon is mainly attributed to an overload of highly fermentable carbohydrate, resulting in increased d(− lactic acid levels in serum and plasma. Ruminal acidosis correlates with elevated acute phase proteins in blood, along with neutrophil activation and infiltration into various tissues leading to laminitis and aseptic polysynovitis. Previous studies in bovine neutrophils indicated that d(− lactic acid decreased expression of L-selectin and increased expression of CD11b to concentrations higher than 6 mM, suggesting a potential role in neutrophil adhesion onto endothelia. The two aims of this study were to evaluate whether d(− lactic acid influenced neutrophil and endothelial adhesion and to trigger neutrophil extracellular trap (NET production (NETosis in exposed neutrophils. Exposure of bovine neutrophils to 5 mM d(− lactic acid elevated NET release compared to unstimulated neutrophil negative controls. Moreover, this NET contains CD11b and histone H4 citrullinated, the latter was dependent on PAD4 activation, a critical enzyme in DNA decondensation and NETosis. Furthermore, NET formation was dependent on d(− lactic acid plasma membrane transport through monocarboxylate transporter 1 (MCT1. d(− lactic acid enhanced neutrophil adhesion onto endothelial sheets as demonstrated by in vitro neutrophil adhesion assays under continuous physiological flow conditions, indicating that cell adhesion was a NET- and a CD11b/ICAM-1-dependent process. Finally, d(− lactic acid was demonstrated for the first time to trigger NETosis in a PAD4- and MCT1-dependent manner. Thus, d(− lactic acid-mediated neutrophil activation may contribute to neutrophil-derived pro-inflammatory processes, such as aseptic laminitis and/or polysynovitis in animals suffering acute ruminal acidosis.
7. Renal Dysfunction Induced by Kidney-Specific Gene Deletion of Hsd11b2 as a Primary Cause of Salt-Dependent Hypertension.
Science.gov (United States)
Ueda, Kohei; Nishimoto, Mitsuhiro; Hirohama, Daigoro; Ayuzawa, Nobuhiro; Kawarazaki, Wakako; Watanabe, Atsushi; Shimosawa, Tatsuo; Loffing, Johannes; Zhang, Ming-Zhi; Marumo, Takeshi; Fujita, Toshiro
2017-07-01
Genome-wide analysis of renal sodium-transporting system has identified specific variations of Mendelian hypertensive disorders, including HSD11B2 gene variants in apparent mineralocorticoid excess. However, these genetic variations in extrarenal tissue can be involved in developing hypertension, as demonstrated in former studies using global and brain-specific Hsd11b2 knockout rodents. To re-examine the importance of renal dysfunction on developing hypertension, we generated kidney-specific Hsd11b2 knockout mice. The knockout mice exhibited systemic hypertension, which was abolished by reducing salt intake, suggesting its salt-dependency. In addition, we detected an increase in renal membrane expressions of cleaved epithelial sodium channel-α and T53-phosphorylated Na + -Cl - cotransporter in the knockout mice. Acute intraperitoneal administration of amiloride-induced natriuresis and increased urinary sodium/potassium ratio more in the knockout mice compared with those in the wild-type control mice. Chronic administration of amiloride and high-KCl diet significantly decreased mean blood pressure in the knockout mice, which was accompanied with the correction of hypokalemia and the resultant decrease in Na + -Cl - cotransporter phosphorylation. Accordingly, a Na + -Cl - cotransporter blocker hydrochlorothiazide significantly decreased mean blood pressure in the knockout mice. Chronic administration of mineralocorticoid receptor antagonist spironolactone significantly decreased mean blood pressure of the knockout mice along with downregulation of cleaved epithelial sodium channel-α and phosphorylated Na + -Cl - cotransporter expression in the knockout kidney. Our data suggest that kidney-specific deficiency of 11β-HSD2 leads to salt-dependent hypertension, which is attributed to mineralocorticoid receptor-epithelial sodium channel-Na + -Cl - cotransporter activation in the kidney, and provides evidence that renal dysfunction is essential for developing the
8. $^{11}$B and $^{27}$Al NMR spin-lattice relaxation and Knight shift study of Mg$_{1-x}$Al$_x$B$_2$. Evidence for anisotropic Fermi surface
OpenAIRE
Papavassiliou, G.; Pissas, M.; Karayanni, M.; Fardis, M.; Koutandos, S.; Prassides, K.
2002-01-01
We report a detailed study of $^{11}$B and $^{27}$Al NMR spin-lattice relaxation rates ($1/T_1$), as well as of $^{27}$Al Knight shift (K) of Mg$_{1-x}$Al$_x$B$_2$, $0\\leq x\\leq 1$. The obtained ($1/T_1T$) and K vs. x plots are in excellent agreement with ab initio calculations. This asserts experimentally the prediction that the Fermi surface is highly anisotropic, consisting mainly of hole-type 2-D cylindrical sheets from bonding $2p_{x,y}$ boron orbitals. It is also shown that the density ...
9. Elastic enhancement factor in the 11B(p,n0)11C reaction at Ep=14.3 MeV
International Nuclear Information System (INIS)
Hussein, M.S.; Pessoa, E.F.; Schelin, H.R.; Carlson, B.V.; Douglas, R.A.
1985-01-01
The elastic enhancement factor in charge exchange reactions proceeding via the compound nucleus, predicted to attain the value of 2 in the weak isospin mixing regime by Harney, Weidenmuller and Richter five years ago, is tested here in the system 11 B(p,n) 11 C at = 14.3 MeV. Both the DWBA and Hauser-Feshbach calculations employed in the analysis are used in a way which physically simulates a two coupled-channels model. Our results show an enhancement factor larger than 1 indicating that isospin is mainly conserved in this reaction. (Author) [pt
10. A Family-Based Association Study of CYP11A1 and CYP11B1 Gene Polymorphisms With Autism in Chinese Trios.
Science.gov (United States)
Deng, Hong-Zhu; You, Cong; Xing, Yu; Chen, Kai-Yun; Zou, Xiao-Bing
2016-05-01
Autism spectrum disorder is a group of neurodevelopmental disorders with the higher prevalence in males. Our previous studies have indicated lower progesterone levels in the children with autism spectrum disorder, suggesting involvement of the cytochrome P-450scc gene (CYP11A1) and cytochrome P-45011beta gene (CYP11B1) as candidate genes in autism spectrum disorder. The aim of this study was to investigate the family-based genetic association between single-nucleotide polymorphisms, rs2279357 in the CYP11A1 gene and rs4534 and rs4541 in the CYP11B1 gene and autism spectrum disorder in Chinese children, which were selected according to the location in the coding region and 5' and 3' regions and minor allele frequencies of greater than 0.05 in the Chinese populations. The transmission disequilibrium test and case-control association analyses were performed in 100 Chinese Han autism spectrum disorder family trios. The genotype and allele frequency of the 3 single-nucleotide polymorphisms had no statistical difference between the children with autism spectrum disorder and their parents (P> .05). Transmission disequilibrium test analysis showed transmission disequilibrium of CYP11A1 gene rs2279357 single-nucleotide polymorphisms (χ(2)= 5.038,Pautism spectrum disorder exists within or near the CYP11A1 gene in the Han Chinese population. © The Author(s) 2015.
11. A novel homozygous mutation IVS6+5G>T in CYP11B1 gene in a Vietnamese patient with 11β-hydroxylase deficiency.
Science.gov (United States)
Nguyen, Thi Phuong Mai; Nguyen, Thu Hien; Ngo, Diem Ngoc; Vu, Chi Dung; Nguyen, Thi Kim Lien; Nong, Van Hai; Nguyen, Huy Hoang
2015-07-10
Congenital adrenal hyperplasia (CAH) is an autosomal recessive disease which is characterized by a deficiency of one of the enzymes involved in the synthesis of cortisol from cholesterol by the adrenal cortex. CAH cases arising from impaired 11β-hydroxylase are the second most common form. Mutations in the CYP11B1 gene are the cause of 11β-hydroxylase deficiency. This study was performed on a patient with congenital adrenal hyperplasia and with premature development such as enlarged penis, muscle development, high blood pressure, and bone age equivalent of 5 years old at 2 years of chronological age. Biochemical tests for steroids confirmed the diagnosis of CAH. We used PCR and sequencing to screen for mutations in CYP11B1 gene. Results showed that the patient has a novel homozygous mutation of guanine (G) to thymine (T) in intron 6 (IVS6+5G>T). The analysis of this mutation by MaxEntScan boundary software indicated that this mutant could affect the gene splicing during transcription. Copyright © 2015 Elsevier B.V. All rights reserved.
12. High sensitivity boron quantification in bulk silicon using the {sup 11}B(p,{alpha}{sub 0}){sup 8}Be nuclear reaction
Energy Technology Data Exchange (ETDEWEB)
Moro, Marcos V.; Silva, Tiago F. da; Added, Nemitala; Rizutto, Marcia A.; Tabacniks, Manfredo H. [Instituto de Fisica da Universidade de Sao Paulo, C.P. 66318, 05315-970 Sao Paulo, SP (Brazil); Neira, John B.; Neto, Joao B. F. [Institute of Research Tecnology, Cidade Universitaria, SP, 05508-091 (Brazil)
2013-05-06
There is a great need to quantify sub-ppm levels of boron in bulk silicon. There are several methods to analyze B in Si: Nuclear Reaction Analysis using the {sup 11}B(p,{alpha}{sub 0}){sup 8}Be reaction exhibits a quantification limit of some hundreds ppm of B in Si. Heavy Ion Elastic Recoil Detection Analysis offers a detection limit of 5 to 10 at. ppm. Secondary Ion Mass Spectrometry is the method of choice of the semiconductor industry for the analysis of B in Si. This work verifies the use of NRA to quantify B in Si, and the corresponding detection limits. Proton beam with 1.6 up to 2.6 MeV was used to obtain the cross-section of the {sup 11}B(p,{alpha}{sub 0}){sup 8}Be nuclear reaction at 170 Degree-Sign scattering angle. The results show good agreementwith literature indicating that the quantification of boron in silicon can be achieved at 100 ppm level (high sensitivity) at LAMFI-IFUSP with about 16% uncertainty. Increasing the detection solid angle and the collected beam charge, can reduce the detection limit to less than 100 ppm meeting present technological needs.
13. Immunomodulatory effect of exo-polysaccharides from submerged cultured Cordyceps sinensis: enhancement of cytokine synthesis, CD11b expression, and phagocytosis.
Science.gov (United States)
Kuo, Mei-Chun; Chang, Chien-Yu; Cheng, Tso-Lin; Wu, Ming-Jiuan
2007-06-01
Cordyceps sinensis is widely used as a traditional medicine for treatment of a wide variety of diseases or to maintain health. The immunomodulatory activity of polysaccharides prepared from submerged cultured C. sinensis BCRC36421 was investigated in human peripheral blood. Results demonstrated that Fr. A (exo-polysaccharides, 0.025 approximately 0.1 mg/ml) induced the production of tumor necrosis factor alpha (TNF-alpha), interleukin (IL)-6, and IL-10 dose-dependently. Fr. A, as low as 0.025 mg/ml, could significantly augment surface expression of CD11b in monocytes and polymorphonuclear neutrophils. Functional assay revealed that Fr. A (0.05 mg/ml) also elevated phagocytosis in monocytes and PMN. On the other hand, Fr. B (intracellular polysaccharides) only moderately induced TNF-alpha release, CD11b expression, and phagocytosis at the same concentrations. Our results indicate that the immunomodulatory components of submerged cultured C. sinensis mainly reside in the culture filtrate.
14. NLRP3 Controls the Development of Gastrointestinal CD11b+ Dendritic Cells in the Steady State and during Chronic Bacterial Infection
Directory of Open Access Journals (Sweden)
Isabelle C. Arnold
2017-12-01
Full Text Available The gastric lamina propria is largely uncharted immunological territory. Here we describe the evolution and composition of the gastric, small intestinal, and colonic lamina propria mononuclear phagocyte system during the steady state and infection with the gastric pathogen Helicobacter pylori. We show that monocytes, CX3CR1hi macrophages, and CD11b+ dendritic cells are recruited to the infected stomach in a CCR2-dependent manner. All three populations, but not BATF3-dependent CD103+ DCs, sample red fluorescent protein (RFP+ Helicobacter pylori (H. pylori. Mice reconstituted with human hematopoietic stem cells recapitulate several features of the myeloid cell-H. pylori interaction. The differentiation in and/or recruitment to gastrointestinal, lung, and lymphoid tissues of CD11b+ DCs requires NLRP3, but not apoptosis-associated speck-like protein containing a carboxy-terminal CARD (ASC or caspase-1, during steady-state and chronic infection. NLRP3−/− mice fail to generate Treg responses to H. pylori and control the infection more effectively than wild-type mice. The results demonstrate a non-canonical inflammasome-independent function of NLRP3 in DC development and immune regulation.
15. Regulation of StAR by the N-terminal Domain and Coinduction of SIK1 and TIS11b/Znf36l1 in Single Cells.
Science.gov (United States)
Lee, Jinwoo; Tong, Tiegang; Duan, Haichuan; Foong, Yee Hoon; Musaitif, Ibrahim; Yamazaki, Takeshi; Jefcoate, Colin
2016-01-01
The cholesterol transfer function of steroidogenic acute regulatory protein (StAR) is uniquely integrated into adrenal cells, with mRNA translation and protein kinase A (PKA) phosphorylation occurring at the mitochondrial outer membrane (OMM). The StAR C-terminal cholesterol-binding domain (CBD) initiates mitochondrial intermembrane contacts to rapidly direct cholesterol to Cyp11a1 in the inner membrane (IMM). The conserved StAR N-terminal regulatory domain (NTD) includes a leader sequence targeting the CBD to OMM complexes that initiate cholesterol transfer. Here, we show how the NTD functions to enhance CBD activity delivers more efficiently from StAR mRNA in adrenal cells, and then how two factors hormonally restrain this process. NTD processing at two conserved sequence sites is selectively affected by StAR PKA phosphorylation. The CBD functions as a receptor to stimulate the OMM/IMM contacts that mediate transfer. The NTD controls the transit time that integrates extramitochondrial StAR effects on cholesterol homeostasis with other mitochondrial functions, including ATP generation, inter-organelle fusion, and the major permeability transition pore in partnership with other OMM proteins. PKA also rapidly induces two additional StAR modulators: salt-inducible kinase 1 (SIK1) and Znf36l1/Tis11b. Induced SIK1 attenuates the activity of CRTC2, a key mediator of StAR transcription and splicing, but only as cAMP levels decline. TIS11b inhibits translation and directs the endonuclease-mediated removal of the 3.5-kb StAR mRNA. Removal of either of these functions individually enhances cAMP-mediated induction of StAR. High-resolution fluorescence in situ hybridization (HR-FISH) of StAR RNA reveals asymmetric transcription at the gene locus and slow RNA splicing that delays mRNA formation, potentially to synchronize with cholesterol import. Adrenal cells may retain slow transcription to integrate with intermembrane NTD activation. HR-FISH resolves individual 3.5-kb St
16. Contribution to the study of (d,p) and (d,{alpha}> reactions on {sup 16}O and {sup 11}B from 200 keV to 1 MeV; Contribution a l'etude des reactions (d,p) et (d,{alpha}) sur {sup 16}O et {sup 11}B de 200 keV a 1 MeV
Energy Technology Data Exchange (ETDEWEB)
Longequeue, N [Commissariat a l' Energie Atomique, Grenoble (France). Centre d' Etudes Nucleaires
1965-05-01
The reactions {sup 16}O(d,{alpha}{sub 0}), (d,p{sub 0}), (d,p{sub 1}) and {sup 11}B(d,{alpha}{sub 0}), (d,{alpha}{sub 2}), (d,p{sub 0}) have been studied from 200 keV to 1 MeV. The interpretation of (d,{alpha}) reactions by the compound nucleus theory has shown the presence of {sup 18}F levels (7,94 MeV, 1+; 8,09 MeV, 1+ ) and of {sup 13}C level (19 MeV, 3/2{+-} or 5/2-). The interpretation of {sup 16}O(d,p{sub 1}) and {sup 11}B(d,p{sub 0}) reactions at energies lower than 400 keV has been given by a theory of Coulomb stripping. (author) [French] L'etude experimentale des reactions {sup 16}O(d,{alpha}{sub 0}); (d,p{sub 0}), (d,p{sub 1}) et {sup 11}B(d,{alpha}{sub 0}), (d,{alpha}{sub 2}), (d,p{sub 0}) a ete faite de 200 keV a 1 Mev. L'interpretation des reactions (d,a) par la theorie du noyau compose a permis la mise en evidence de niveaux du {sup 18}F (7,94 MeV, 1+; 8,09MeV, 1+ ) et du {sup 13}C(19 MeV, 3/2{+-} ou 5/2-). L'interpretation des reactions {sup 16}O(d,p{sub 1}) et {sup 11}B(d,p{sub 0}), a basse energie (< 400 keV), par une theorie de stripping de Coulomb, a ete donnee.
17. Vacancy-related defect distributions in 11B-, 14N-, and 27Al-implanted 4H-SiC: Role of channeling
International Nuclear Information System (INIS)
Janson, M.S.; Slotte, J.; Kuznetsov, A.Yu.; Saarinen, K.; Hallen, A.
2004-01-01
The defect distributions in 11 B-, 14 N-, and 27 Al-implanted epitaxial 4H-SiC are studied using monoenergetic positron beams. At least three types of defects are needed to account for the Doppler broadening annihilation spectra and two of the defects are tentatively identified as V Si , and V Si V C . By comparing the defect profiles extracted from the annihilation spectra to the chemical profiles determined by secondary ion mass spectrometry, and to the primary defect profiles obtained from binary collision approximation simulations, it is concluded that the defects found at depths considerably deeper than the projected range of the implanted ions mainly originate from deeply channeled ions
18. 11B study of spin dynamics in Y/sub 1-x/RE/sub x/Rh4B4
International Nuclear Information System (INIS)
1982-06-01
There has been intense interest in re-entrance and coexistence in ternary rare earth magnetic superconductors of the form RE Rh 4 B 4 . Of particular interest in this investigation is the effect of the superconducting state on the RKKY (Yosida, 1957) coupling between RE ions. Since one expects the conduction electron spin susceptibility chi/sup e/(q) to be cut off for q - 1 for the RE moments in the superconducting state. This paper reports on the spin dynamics of the RE ions using the 11 B nuclear magnetic relaxation rate T 1- 1 in dilute Y/sub 1-x/RE/sub x/Rh 4 B 4 (RE = Gd and Er)
19. Application of the Fenske-Hall molecular orbital method to the calculation of 11B NMR chemical shifts. Antipodal substituent effects in deltahedral clusters
International Nuclear Information System (INIS)
Fehlner, T.P.; Czech, P.T.; Fenske, R.F.
1990-01-01
Utilizing Fenske-Hall wave functions and eigenvalues combined with the Ramsey sum over states (SOS) approximation, it is demonstrated that the sign and magnitude of the paramagnetic contribution to the shielding correlates well with the observed 11 B chemical shifts of a substantial variety of boron- and metal-containing compounds. Analysis of the molecular orbital (MO) contributions in the SOS approximation leads to an explanation of the large downfield shifts associated with metal-rich metallaboranes. A similar analysis demonstrates the importance of selected cluster occupied and unoccupied MO's in explaining both exo-cage substituent effects in which the antipodal boron resonance is shifted upfield and endo-cage substituent effects (interchange of isolobal fragments within the cage framework) in which the antipodal boron resonance is shifted downfield. Exo- and endo-cage substitution perturbs these MO's in an understandable fashion, leading to an internally consistent explanation of the observed chemical shift changes. 36 refs., 8 figs., 4 tabs
20. Measurement of the 12C(e,e'p)11B Two-Body Breakup Reaction at High Missing Momentum Values
Energy Technology Data Exchange (ETDEWEB)
Monaghan, P; Shneor, R; Subedi, R; Anderson, B D; Aniol, K; Annand, J; Arrington, J; Benaoum, H; Benmokhtar, F; Bertin, P; Bertozzi, W; Boeglin, W; Chen, J P; Choi, Seonho; Chudakov, E; Ciofi degli-Atti, C; Cisbani, E; Cosyn, W; Craver, B; de Jager, C W; Feuerbach, R J; Folts, E; Frullani, S; Garibaldi, F; Gayou, O; Gilad, S; Gilman, R; Glamazdin, O; Gomez, J; Hansen, O; Higinbotham, D W; Holmstrom, T; Ibrahim, H; Igarashi, R; Jans, E; Jiang, X; Jiang, Y; Kaufman, L; Kelleher, A; Kolarkar, A; Kuchina, E; Kumbartzki, G; LeRose, J J; Lindgren, R; Liyanage, N; Margaziotis, D J; Markowitz, P; Marrone, S; Mazouz, M; Meekins, D; Michaels, R; Moffit, B; Morita, H; Nanda, S; Perdrisat, C F; Piasetzky, E; Potokar, M; Punjabi, V; Qiang, Y; Reinhold, J; Reitz, B; Ron, G; Rosner, G; Ryckebusch, J; Saha, A; Sawatzky, B; Segal, J; Shahinyan, A; Sirca, S; Slifer, K; Solvignon, P; Sulkosky, V; Thompson, N; Ulmer, P E; Urciuoli, G M; Voutier, E; Wang, K; Watson, J W; Weinstein, L B; Wojtsekhowski, B; Wood, S; Yao, H; Zheng, X; Zhu, L
2014-08-01
The five-fold differential cross section for the 12C(e,e'p)11B reaction was determined over a missing momentum range of 200-400 MeV/c, in a kinematics regime with Bjorken x > 1 and Q2 = 2.0 (GeV/c)2. A comparison of the results and theoretical models and previous lower missing momentum data is shown. The theoretical calculations agree well with the data up to a missing momentum value of 325 MeV/c and then diverge for larger missing momenta. The extracted distorted momentum distribution is shown to be consistent with previous data and extends the range of available data up to 400 MeV/c.
1. Characterization of the electronic properties of YB{sub 4} and YB{sub 6} using {sup 11}B NMR and first-principles calculations
Energy Technology Data Exchange (ETDEWEB)
Jaeger, B.; Paluch, S.; Wolf, W.; Herzig, P.; Zogal, O.J.; Shitsevalova, N.; Paderno, Y
2004-11-30
Two compounds, tetragonal YB{sub 4} and cubic YB{sub 6}, have been investigated by electric-field gradient (EFG) and Knight shift measurements at the boron sites using the {sup 11}B nuclear magnetic resonance (NMR) technique and by performing first-principles calculations. In YB{sub 6} {sup 11}B (I=3/2) NMR spectra reveal patterns typical for an axially symmetric field gradient with a quadrupole coupling frequency of {nu}{sub Q}=600{+-}15 kHz. In the second boride (YB{sub 4}) three different EFGs were observed corresponding to the three inequivalent crystallographic sites for the boron atoms (4h, 4e, and 8j). They correspond to: {nu}{sub Q}(4h)=700{+-}30 kHz with an asymmetry parameter {eta}=0.02{+-}0.02, {nu}{sub Q}(4e)=515{+-}30 kHz, {eta}=0.00+0.02/-0.00, and {nu}{sub Q}(8j)=515{+-}40 kHz, {eta}=0.46{+-}0.08. The Knight shifts measured by magic-angle spinning (MAS) NMR at room temperature are very small being 0.6{+-}8 and -1{+-}8 ppm for YB{sub 4} and YB{sub 6}, respectively. For the theoretical calculations structure optimizations were performed as a first step. For the obtained structural parameters the EFGs were computed within the local-density approximation. Very satisfactory agreement between experimental and theoretical results is obtained both for the structural parameters and the B EFGs, thus confirming the underlying structural models. In addition to the EFGs, band structures, densities of states, and valence-electron densities are presented and the bonding situation in the two yttrium borides is discussed. The band-structure results are compatible with the very low values for the Knight shifts mentioned above.
2. A study of the 10, 11B(p,n)10, 11C reactions between Ep=13,7 and 14,7 MeV
International Nuclear Information System (INIS)
Schelin, H.R.
1985-01-01
Using time-of-flight facilities of the Sao Paulo 8UD Pelletron Accelerator, absolute differential cross sections for the n 0 , n 1 , n 2 , n 3 , (n 4 +n 5 ), n 6 and n 7 groups for the reaction 11 B(p,n) 11 C and the n 0 and n 1 neutron groups for the reaction 10 B(p,n) 10 C have been measured at incident proton energies of 14.0, 14.3 and 14.6 MeV in the angular interval of 20 to 160 degrees. Excitation functions at θ lab =20 deg from Ep=13.7 to 14.7 MeV in intervals of 100 KeV were also measured. The theoretical analysis was conducted to determine relative contributions of the diret and compound nucleus processes in the differential cross sections. To this end, a two couple channel model model for the reactions was assumed. The DWBA model for the direct and the Hauser-Feshbch for the compound nucleus processes were in such a way as to simulate the exact coupled channels calculation through an appropriate choice of the absorption term W in the optical potential. The results indicate that about half of the cross section is due to the compound nucleus mechanism. The theoretical analysis aimed at obtaining the elastic enhancement factor for the channel 11 B(p,n 0 ) 11 C at Ep=14.3 MeV. This has been demonstrated to appear in compound nucleus charge reactions by Harney, Weidemueller and Richter and predicted to attain the value 2 when isospin is conserved. Our results show an enhancement factor larger than 1 indicating that isospin mixing is weak in this reaction. (Author) [pt
3. CD5−NK1.1+ γδ T Cells that Develop in a Bcl11b-Independent Manner Participate in Early Protection against Infection
Directory of Open Access Journals (Sweden)
Shinya Hatano
2017-10-01
Full Text Available Summary: We recently found that a unique subset of innate-like γδ T cells develops from the DN2a stage of the fetal thymus independently of the zinc-finger transcription factor B cell leukemia/lymphoma 11b (Bcl11b. Herein, we characterize these Bcl11b-independent γδ T cells in the periphery as CD5−NK1.1+ and Granzyme B+, and we show that they are capable of producing interferon (IFN-γ upon T cell receptor stimulation without Ca2+ influx. In wild-type mice, these cells were sparse in lymphoid tissues but abundant in non-lymphoid tissues, such as the liver. Bcl11b-independent CD5−NK1.1+ γδ T cells appeared and contributed to early protection before Bcl11b-dependent CD5+NK1.1− γδ T cells following Listeria monocytogenes infection, resembling their sequential appearance during development in the thymus. : Bcl11b is essential for transition from the DN2a to the DN2b stage in the thymus. Hatano et al. find that CD5−NK1.1+ γδ T cells develop from the DN2a stage in a Bcl11b-independent manner and participate in host defense at an early stage after bacterial infection in periphery. Keywords: innate immunity, γδ T cell, Bcl11b, DN2a, IFN-γ, Granzyme, IL-17A, host defense, bacteria, Listeria monocytogenes
4. Multi-isotopic composition (δ7Li-δ11B-δD-δ18O) of rainwaters in France: Origin and spatio-temporal characterization
International Nuclear Information System (INIS)
Millot, Romain; Petelet-Giraud, Emmanuelle; Guerrot, Catherine; Negrel, Philippe
2010-01-01
Research highlights: → A contour map of France for δ 18 O was drawn after compiling data that included more than 400 values from all of France. → The seasonal effect (i.e. the month or rainfall amount) is not the main controlling factor for the Li and B isotopic variations. → Most Li and B in rainwaters does not have a marine origin. → Finally, this work also adds to the potential for use of Li and B isotopes as environmental tracers. - Abstract: In the present work, the first results are reported for both Li and B isotope ratios in rainwater samples collected over a long time period (i.e. monthly rainfall events over 1 a) at a national scale (from coastal and inland locations). In addition, the stable isotopes of the water molecule (δD and δ 18 O) are also reported here for the same locations so that the Li and B isotope data can be discussed in the same context. The range of Li and B isotopic variations in these rainwaters were measured to enable the determination of the origin of these elements in rainwaters and the characterization of both the seasonal and spatio-temporal effects for δ 7 Li and δ 11 B signatures in rainwaters. Lithium and B concentrations are low in rainwater samples, ranging from 0.004 to 0.292 μmol/L and from 0.029 to 6.184 μmol/L, respectively. δ 7 Li and δ 11 B values in rainwaters also show a great range of variation between +3.2 per mille and +95.6 per mille and between -3.3 per mille and +40.6 per mille over a period of 1 a, respectively, clearly different from the signature of seawater. Seasonal effects (i.e. rainfall amount and month) are not the main factors controlling element concentrations and isotopic variations. δ 7 Li and δ 11 B values in rainwaters are clearly different from one site to another, indicating the variable contribution of sea salts in the rainwater depending on the sampling site (coastal vs. inland: also called the distance-from-the-coast-effect). This is well illustrated when wind direction data
5. The effect of lidocaine on neutrophil CD11b/CD18 and endothelial ICAM-1 expression and IL-1beta concentrations induced by hypoxia-reoxygenation.
LENUS (Irish Health Repository)
Lan, W
2012-02-03
BACKGROUND: Lidocaine has actions potentially of benefit during ischaemia-reperfusion. Neutrophils and endothelial cells have an important role in ischaemia-reperfusion injury. METHODS: Isolated human neutrophil CD11b and CD18, and human umbilical vein endothelial cell (HUVEC) ICAM-1 expression and supernatant IL-1beta concentrations in response to hypoxia-reoxygenation were studied in the presence or absence of different concentrations of lidocaine (0.005, 0.05 and 0.5 mg mL(-1)). Adhesion molecule expression was quantified by flow cytometry and IL- 1beta concentrations by ELISA. Differences were assessed with analysis of variance and Student-Newman-Keuls as appropriate. Data are presented as mean+\\/-SD. RESULTS: Exposure to hypoxia-reoxygenation increased neutrophil CD11b (94.33+\\/-40.65 vs. 34.32+\\/-6.83 mean channel fluorescence (MCF), P = 0.02), CD18 (109.84+\\/-35.44 vs. 59.05+\\/-6.71 MCF, P = 0.03) and endothelial ICAM-1 (146.62+\\/-16.78 vs. 47.29+\\/-9.85 MCF, P < 0.001) expression compared to normoxia. Neutrophil CD18 expression on exposure to hypoxia-reoxygenation was less in lidocaine (0.005 mg mL(-1)) treated cells compared to control (71.07+\\/-10.14 vs. 109.84+\\/-35.44 MCF, P = 0.03). Endothelial ICAM-1 expression on exposure to hypoxia-reoxygenation was less in lidocaine (0.005 mg mL(-1)) treated cells compared to control (133.25+\\/-16.05 vs. 146.62+\\/-16.78 MCF, P = 0.03). Hypoxia-reoxygenation increased HUVEC supernatant IL-1beta concentrations compared to normoxia (3.41+\\/-0.36 vs. 2.65+\\/-0.21 pg mL(-1), P = 0.02). Endothelial supernatant IL-1beta concentrations in lidocaine-treated HUVECs were similar to controls. CONCLUSIONS: Lidocaine at clinically relevant concentrations decreased neutrophil CD18 and endothelial ICAM-1 expression but not endothelial IL-1beta concentrations.
6. Effect of bone marrow-derived CD11b(+)F4/80 (+) immature dendritic cells on the balance between pro-inflammatory and anti-inflammatory cytokines in DBA/1 mice with collagen-induced arthritis.
Science.gov (United States)
Fu, Jingjing; Zhang, Lingling; Song, Shanshan; Sheng, Kangliang; Li, Ying; Li, Peipei; Song, Shasha; Wang, Qingtong; Chu, Jianhong; Wei, Wei
2014-05-01
To explore the effect of bone marrow-derived CD11b(+)F4/80(+) immature dendritic cells (BM CD11b(+)F4/80(+)iDC) on the balance between pro-inflammatory and anti-inflammatory cytokines in DBA/1 mice with collagen-induced arthritis (CIA). BM CD11b(+)F4/80(+)iDC were induced with rmGM-CSF and rmIL-4, and were identified by the expressions of toll-like receptor 2 (TLR-2), indoleamine 2,3-deoxygenase (IDO), interleukin (IL)-10, transforming growth factor (TGF)-β1 and mixed leukocyte reaction (MLR). CIA was established in DBA/1 mice by immunization with type II collagen. CIA mice were injected intravenously with BM CD11b(+)F4/80(+)iDC three times after immunization. The effect of BM CD11b(+)F4/80(+)iDC on CIA was evaluated by the arthritis index, joint histopathology, body weight, thymus index, thymocytes proliferation, IL-1β, tumor necrosis factor (TNF)-α, IL-17, IL-10 and TGF-β1 levels. BM CD11b(+)F4/80(+)iDC induced with rmGM-CSF and rmIL-4 expressed high levels of TLR-2, IDO, IL-10 and TGF-β1. Infusion of BM CD11b(+)F4/80(+)iDC in CIA mice significantly reduced the arthritis index and pathological scores of joints, recovered the weight, decreased the thymus index and inhibited thymocyte proliferation. Levels of IL-1β, TNF-α and IL-17 were decreased in BM CD11b(+)F4/80(+)iDC-treated mice. BM CD11b(+)F4/80(+)iDC can be induced successfully with rmGM-CSF and rmIL-4. BM CD11b(+)F4/80(+)iDC treatment can ameliorate the development and severity of CIA by regulating the balance between pro-inflammatory cytokines and anti-inflammatory cytokines.
7. Measurement and microscopic analysis of the 11B(p,p') reaction at Ep = 150 MeV. Part I: Inelastic scattering
International Nuclear Information System (INIS)
Hannen, V.M.; Van den Berg, A.M.; Bieber, R.K.; Harakeh, M.N.; De Huu, M.A.; Kruesemann, B.A.M.; Van der Werf, S.Y.; Woertche, H.J.; Amos, K.; Deb, P.K.; Ellinghaus, F.; Frekers, D.; Rakers, S.; Schmidt, R.; Hagemann, M.
2001-01-01
Cross sections and analyzing powers for the 11 B(p.p') reaction have been measured using a 150 MeV polarized proton beam from the AGOR cyclotron at KVI. For the stronger inelastic transitions, also spin-flip probabilities have been extracted. A fully microscopic distorted-wave analysis of the elastic and inelastic data has been made, using density-dependent effective interactions and input from shell-model calculations in a complete (0+2) ℎω model space for normal parity transitions and in a 1 ℎω model space for non-normal parity transitions. With the help of these model calculations spin-isovector M1 strengths for the negative-parity states at excitation energies of 2.125 MeV (J π = 1/2 - ), 4.445 MeV (J π 5/2 - ), 5.020 MeV (J π = 3/2 - ) and 8.920 MeV (J π 5/2 - ) have been extracted and compared to known Gamow-Teller strengths for the analog transitions to 11 C
8. Low electron density of states at the boron site of TMB{sub 2} (TM = Ti, Zr, Hf, and Nb): a {sup 11}B NMR study
Energy Technology Data Exchange (ETDEWEB)
Paluch, S.; Zogal, O.J.; Peshev, P
2004-11-30
The local density of states at the boron site in TMB{sub 2} (TM=Ti, Zr, Hf, and Nb) has been examined using the solid-state {sup 11}B NMR technique. The magic angle spinning (MAS) NMR spectra at room temperature and the spin-lattice relaxation rates have been measured as functions of temperature (30-293 K). The resonance line shifts are small and become more negative in the direction from 3d- to 5d-elements. The relaxation rates follow a linear law characteristic of hyperfine magnetic interaction with conduction electrons. With borides of IV group metals the data can be understood in terms of a very low s-electron density of states and absence of a p-character of the conduction electron wave function at the Fermi level while in the case of NbB{sub 2} a small partial p-electron density of states is assumed. Then, the results are in good agreement with the earlier theoretical prediction.
9. Measurement of Fission Fragment Angular Distributions for 14 N+ 232 Th and 11 B+ 235 U at Near-Barrier Energies
International Nuclear Information System (INIS)
Behera, B.R.; Jena, S.; Satapathy, M.; Ison, V.V.; Kailas, S.; Chatterjee, A.; Shrivastava, A.; Mahata, K.; Satpathy, L.; Basu, P.; Roy, S.; Sharan, M.; Chatterjee, M.L; Datta, S.K.
2000-01-01
Fission fragment angular distributions of heavy-ion induced fission in actinide nuclei at near-barrier energies show anomalous fragment anisotropies. At above barrier energies entrance channel dependence is a probable cause and explanation in terms of pre-equilibrium fission and the critical mass asymmetry parameter (Businaro-Gallone) has been tried. Target deformation and ground state spin also seem to influence the measured anisotropy. To understand the extent of importance of some or all of these features, we performed a set of experiments where (i) entrance channel dependence (ii) mass asymmetry on the two sides of Businaro-Gallone and (iii) different ground state spins are present. The channels chosen are 14 N+ 232 Th and 11 B+ 235 U. Experiments were done using the Pelletron accelerators at NSC, New Delhi and BARC-TIFR, Bombay. Compound nucleus populated in both cases is 246 Bk. 232 Th has ground state spin zero and 235 U has spin 7/2. Fragment anisotropies have been measured from 10-15 % above barrier to 10 % below barrier at similar excitation energy (around 40 MeV to 58 MeV). The mean square angular momentum is matched at least at one energy. Results indicate that when both excitation energy and angular momentum are matched, there are differences in the measured values of fission anisotropies. This implies entrance channel dependence consistent with the expectation of pre-equilibrium fission model. (authors)
10. Investigation of tautomeric transformations of adducts of 7,8-dicarba-nido-undecaborana(11) with derivatives of pyridine by 11B NMR spectroscopy method
International Nuclear Information System (INIS)
Volkov, O.V.; Il'inchik, E.A.; Volkov, V.V.
1999-01-01
Tautomeric transformations are investigated in solutions of o-carborane(12) derivatives 7,8-C 2 B 9 H 11 ·Py(X), where Py(X)=4-picoline (4-CH 3 -C 5 H 4 N), 3-picoline (3-CH 3 -C 5 H 4 N), 4-stilbazol (4-C 6 H 5 -C 2 H 2 -C 5 H 4 N), 3-bromopyridine (3-Br-C 5 H 4 N) and 7,8-C 2 B 9 H 10 I·C 5 H 5 N. Uncovered tautomeric transformations are bound with migration of bridge hydrogen of C 2 B 9 H 11 cluster assisting in structure of these compounds. Signal of boron nuclei in 11 B NMR spectra is observed in the region of high field of spectrum if the nearest two atoms of boron are bounded by bridge hydrogen additionally. That permits to fix happening dynamic structural transformations of adducts investigated. The dependence of tautomeric equilibrium on nature of substituents introduced in heterocyclic ligand and carborane cluster. Increase of electron-acceptor properties of substituent induces displacement of equilibrium in the direction of tautomer bridge hydrogen in which is removed from boron atom bounded with substituent [ru
11. Mac-1 (CD11b/CD18) is essential for Fc receptor-mediated neutrophil cytotoxicity and immunologic synapse formation.
Science.gov (United States)
van Spriel, A B; Leusen, J H; van Egmond, M; Dijkman, H B; Assmann, K J; Mayadas, T N; van de Winkel, J G
2001-04-15
Receptors for human immunoglobulin (Ig)G and IgA initiate potent cytolysis of antibody (Ab)-coated targets by polymorphonuclear leukocytes (PMNs). Mac-1 (complement receptor type 3, CD11b/CD18) has previously been implicated in receptor cooperation with Fc receptors (FcRs). The role of Mac-1 in FcR-mediated lysis of tumor cells was characterized by studying normal human PMNs, Mac-1-deficient mouse PMNs, and mouse PMNs transgenic for human FcR. All PMNs efficiently phagocytosed Ab-coated particles. However, antibody-dependent cellular cytotoxicity (ADCC) was abrogated in Mac-1(-/-) PMNs and in human PMNs blocked with anti-Mac-1 monoclonal Ab (mAb). Mac-1(-/-) PMNs were unable to spread on Ab-opsonized target cells and other Ab-coated surfaces. Confocal laser scanning and electron microscopy revealed a striking difference in immunologic synapse formation between Mac-1(-/-) and wild-type PMNs. Also, respiratory burst activity could be measured outside membrane-enclosed compartments by using Mac-1(-/-) PMNs bound to Ab-coated tumor cells, in contrast to wild-type PMNs. In summary, these data document an absolute requirement of Mac-1 for FcR-mediated PMN cytotoxicity toward tumor targets. Mac-1(-/-) PMNs exhibit defective spreading on Ab-coated targets, impaired formation of immunologic synapses, and absent tumor cytolysis.
12. Two-dimensional analysis of three-body reactions 11B(p,αα) from 163 keV to MeV
International Nuclear Information System (INIS)
Engelhardt, D.; Fontenille, J.
1967-01-01
An experimental apparatus for two-dimensions analysis of the break-up of 12 C * produced by the reaction 11 B(p,αα) 4 He, at proton bombarding energies between 163 keV and 2 MeV, is described. It uses Si surface barrier detectors and, fast-slow coincidence techniques: the energy resolution is about 40 keV and time resolution 6 ns. A 4096 channel analyser and a small digital computer was used for information storage and data processing. The experimental set-up was tested on the C.E.N.G. 2 MeV Van de Graaff accelerator. The spectra of the 12 C * decay products taken at proton bombarding energies of 163 keV and 680 keV at different angles between the two α-counters are shown. They indicate strong evidence for sequential decay of 12 C * to the 8 Be fundamental, first or second excited level. (authors) [fr
13. Activation-Induced TIM-4 Expression Identifies Differential Responsiveness of Intestinal CD103+ CD11b+ Dendritic Cells to a Mucosal Adjuvant.
Directory of Open Access Journals (Sweden)
Kerry L Hilligan
Full Text Available Macrophage and dendritic cell (DC populations residing in the intestinal lamina propria (LP are highly heterogeneous and have disparate yet collaborative roles in the promotion of adaptive immune responses towards intestinal antigen. Under steady-state conditions, macrophages are efficient at acquiring antigen but are non-migratory. In comparison, intestinal DC are inefficient at antigen uptake but migrate to the mesenteric lymph nodes (mLN where they present antigen to T cells. Whether such distinction in the roles of DC and macrophages in the uptake and transport of antigen is maintained under immunostimulatory conditions is less clear. Here we show that the scavenger and phosphatidylserine receptor T cell Immunoglobulin and Mucin (TIM-4 is expressed by the majority of LP macrophages at steady-state, whereas DC are TIM-4 negative. Oral treatment with the mucosal adjuvant cholera toxin (CT induces expression of TIM-4 on a proportion of CD103+ CD11b+ DC in the LP. TIM-4+ DC selectively express high levels of co-stimulatory molecules after CT treatment and are detected in the mLN a short time after appearing in the LP. Importantly, intestinal macrophages and DC expressing TIM-4 are more efficient than their TIM-4 negative counterparts at taking up apoptotic cells and soluble antigen ex vivo. Taken together, our results show that CT induces phenotypic changes to migratory intestinal DC that may impact their ability to take up local antigens and in turn promote the priming of mucosal immunity.
14. Highly-focused boron implantation in diamond and imaging using the nuclear reaction {sup 11}B(p, α){sup 8}Be
Energy Technology Data Exchange (ETDEWEB)
2015-04-01
Diamond is an especially attractive material because of its gemological value as well as its unique mechanical, chemical and physical properties. One of these properties is that boron-doped diamond is an electrically p-type semiconducting material at practically any boron concentration. This property makes it possible to use diamonds for multiple industrial and technological applications. Boron can be incorporated into pure diamond by different techniques including ion implantation. Although typical energies used to dope diamond by ion implantation are about 100 keV, implantations have also been performed with energies above MeV. In this work CMAM microbeam setup has been used to demonstrate capability to implant boron with high energies. An 8 MeV boron beam with a size of about 5 × 3 μm{sup 2} and a beam current higher than 500 pA has been employed while controlling the beam position and fluence at all irradiated areas. The subsequent mapping of the implanted boron in diamond has been obtained using the strong and broad nuclear reaction {sup 11}B(p, α){sup 8}Be at E{sub p} = 660 keV. This reaction has a high Q-value (8.59 MeV for α{sub 0} and 5.68 MeV for α{sub 1}) and thus is almost interference-free. The sensitivity of the technique is studied in this work.
15. A new and improved measurement of 8Li(4He,n)11B reaction at the EXCYT RIB facility: the cross section value at the Big-Bang temperature
Energy Technology Data Exchange (ETDEWEB)
La Cognata, Marco; Alba, Rosa; Cosentino, Luigi; Del Zoppo, Antonio; Di Pietro, Alessia; Figuera, Pierpaolo; Lamia, Livio; Pizzone, Rosario G.; Tudisco, Salvatore [INFN-Laboratori Nazionali del Sud, Catania (Italy); Cherubini, Silvio; Crucilla, Vincenzo; Gulino, Marisa; Musumarra, Agatino; Puglia, Sebastiana M.R.; Rapisarda, Giuseppe G.; Romano, Stefano; Sergi, Maria Letizia; Spitaleri, Claudio; Tumino, Aurora [INFN-Laboratori Nazionali del Sud, Catania (Italy); Dipartimento di Metodologie Fisiche e Chimiche per l' Ingegneria, Universita di Catania (Italy); Colonna, Nicola [INFN-Sezione di Bari (Italy); Pellegriti, Maria Grazia [INFN-Laboratori Nazionali del Sud, Catania (Italy); Dipartimento di Fisica e Astronomia, Universita di Catania (Italy); Rolfs, Claus [Institut fur Physik mit Ionenstrahlen, Ruhr-Universitaet, Bochum (Germany)
2009-07-01
A new neutron-inclusive measurement of the {sup 8}Li({sup 4}He,n){sup 11}B at the energies relevant for astrophysics is presented. The radioactive {sup 8}Li beam was delivered by the EXCYT facility at LNS-Catania. The cross section was determined by a low-background measurement of the time correlation between the {sup 8}Li projectile arrival to the target and the neutron capture in a threshold-less 4{pi} thermalization counter. This new data confirm complementary inclusive {sup 11}B measurement and are consistent with a significant population of {sup 11}B levels at high excitation energy. A large experimental discrepancy between all the inclusive and the exclusive cross section shows up.
16. Illegitimate V(D)J recombination-mediated deletions in Notch1 and Bcl11b are not sufficient for extensive clonal expansion and show minimal age or sex bias in frequency or junctional processing
Energy Technology Data Exchange (ETDEWEB)
Champagne, Devin P., E-mail: [email protected]; Shockett, Penny E., E-mail: [email protected]
2014-03-15
Highlights: • Examines illegitimate V(D)J deletion junctions in Notch1 and Bcl11b. • Suggests little influence of deletions alone on clonal outgrowth in wild-type mice. • No age or sex biases in frequency, clonality, or junctional processing observed. • Contrasts with previous results at TCRβ and HPRT1 loci. • Deletions in Bcl11b may be tolerated more easily than those in Notch1. - Abstract: Illegitimate V(D)J recombination at oncogenes and tumor suppressor genes is implicated in formation of several T cell malignancies. Notch1 and Bcl11b, genes involved in developing T cell specification, selection, proliferation, and survival, were previously shown to contain hotspots for deletional illegitimate V(D)J recombination associated with radiation-induced thymic lymphoma. Interestingly, these deletions were also observed in wild-type animals. In this study, we conducted frequency, clonality, and junctional processing analyses of Notch1 and Bcl11b deletions during mouse development and compared results to published analyses of authentic V(D)J rearrangements at the T cell receptor beta (TCRβ) locus and illegitimate V(D)J deletions observed at the human, nonimmune HPRT1 locus not involved in T cell malignancies. We detect deletions in Notch1 and Bcl11b in thymic and splenic T cell populations, consistent with cells bearing deletions in the circulating lymphocyte pool. Deletions in thymus can occur in utero, increase in frequency between fetal and postnatal stages, are detected at all ages examined between fetal and 7 months, exhibit only limited clonality (contrasting with previous results in radiation-sensitive mouse strains), and consistent with previous reports are more frequent in Bcl11b, partially explained by relatively high Recombination Signal Information Content (RIC) scores. Deletion junctions in Bcl11b exhibit greater germline nucleotide loss, while in Notch1 palindromic (P) nucleotides are more abundant, although average P nucleotide length is
17. The effect of amino-acid substitutions I112P, D147E and K152N in CYP11B2 on the catalytic activities of the enzyme.
Science.gov (United States)
Bechtel, Stephanie; Belkina, Natalya; Bernhardt, Rita
2002-02-01
By replacing specific amino acids at positions 112, 147 and 152 of the human aldosterone synthase (CYP11B2) with the corresponding residues from human, mouse or rat 11beta-hydroxylase (CYP11B1), we have been able to investigate whether these residues belong to structural determinants of individual enzymatic activities. When incubated with 11-deoxycorticosterone (DOC), the 11beta-hydroxylation activity of the mutants was most effectively increased by combining D147E and I112P (sixfold increase). The two substitutions displayed an additive effect. The same tendency can be observed when using 11-deoxycortisol as a substrate, although the effect is less pronounced. The second step of the CYP11B2-dependent DOC conversion, the 18-hydroxylation activity, was not as strongly increased as the 11beta-hydroxylation potential. Activity was unaffected by D147E, whereas the single mutant I112P displayed the most pronounced activation (70% enhancement), thus causing different increasing effects on the first two enzymatic reaction steps. A slightly enhanced aldosterone synthesis from DOC could be measured due to increased levels of the intermediates. However, the 18-oxidation activity of all the mutants, except for I112S and D147E, was slightly reduced. The strongly enhanced 18-hydroxycorticosterone and aldosterone formation observed in the mutants provides important information on a possible role of such amino-acid replacements in the development of essential hypertension. Furthermore, the results indicate the possibility of a differential as well as independent modification of CYP11B2 reaction steps. The combination of functional data and computer modelling of CYP11B2 suggests an indirect involvement of residue 147 in the regulation of CYP11B isoform specific substrate conversion due to its location on the protein surface. In addition, the results indicate the functional significance of amino-acid 112 in the putative substrate access channel of human CYP11B2. Thus, we present
18. A phase 1/1B trial of ADI-PEG 20 plus nab-paclitaxel and gemcitabine in patients with advanced pancreatic adenocarcinoma.
Science.gov (United States)
Lowery, Maeve A; Yu, Kenneth H; Kelsen, David Paul; Harding, James J; Bomalaski, John S; Glassman, Danielle C; Covington, Christina M; Brenner, Robin; Hollywood, Ellen; Barba, Adalberto; Johnston, Amanda; Liu, Kay Chia-Wei; Feng, Xiaoxing; Capanu, Marinela; Abou-Alfa, Ghassan K; O'Reilly, Eileen M
2017-12-01
19. Inhibition of PAF-induced expression of CD11b and shedding of L-selectin on human neutrophils and eosinophils by the type IV selective PDE inhibitor, rolipram
NARCIS (Netherlands)
Dijkhuizen, B; deMonchy, JGR; Dubois, AEJ; Gerritsen, J; Kauffman, HF
We quantitatively determined whether the selective phosphodiesterase (PDE) inhibitor, rolipram, inhibits changes in the adhesion molecules CD11b and L-selectin on platelet-activating factor (PAF)-stimulated human neutrophils and eosinophils in vitro. Incubations were performed in human whole blood
20. Granulocyte and monocyte CD11b expression during plasma separation is dependent on complement factor 5 (C5) - an ex vivo study with blood from a C5-deficient individual.
Science.gov (United States)
Hardersen, Randolf; Enebakk, Terje; Christiansen, Dorte; Bergseth, Grethe; Brekke, Ole-Lars; Mollnes, Tom Eirik; Lappegård, Knut Tore; Hovland, Anders
2018-04-01
The aim of the study was to investigate the role of complement factor 5 (C5) in reactions elicited by plasma separation using blood from a C5-deficient (C5D) individual, comparing it to C5-deficient blood reconstituted with C5 (C5DR) and blood from healthy donors. Blood was circulated through an ex vivo plasma separation model. Leukocyte CD11b expression and leukocyte-platelet conjugates were measured by flow cytometry during a 30-min period. Other markers were assessed during a 240-min period. Granulocyte and monocyte CD11b expression did not increase in C5D blood during plasma separation. In C5DR samples granulocytes CD11b expression, measured by mean fluorescence intensity (MFI), increased from 10481 ± 6022 (SD) to 62703 ± 4936, and monocytes CD11b expression changed from 13837 ± 7047 to 40063 ± 713. Granulocyte-platelet conjugates showed a 2.5-fold increase in the C5DR sample compared to the C5D sample. Monocyte-platelet conjugates increased independently of C5. In the C5D samples, platelet count decreased from 210 × 10 9 /L (201-219) (median and range) to 51 × 10 9 /L (50-51), and C3bc increased from 14 CAU/mL (21-7) to 198 CAU/mL (127-269), whereas TCC formation was blocked during plasma separation. In conclusion, up-regulation of granulocyte and monocyte CD11b during plasma separation was C5-dependent. The results also indicate C5 dependency in granulocyte-platelet conjugates formation. © 2018 APMIS. Published by John Wiley & Sons Ltd.
1. Measurement and microscopic analysis of the 11B(p,p) reaction at Ep = 150 MeV. Part II: Depolarization of elastic scattering on an odd-A nucleus
International Nuclear Information System (INIS)
Hannen, V.M.; Van den Berg, A.M.; Bieber, R.K.; Harakeh, M.N.; De Huu, M.A.; Kruesemann, B.A.M.; Van der Werf, S.Y.; Woertche, H.J.; Amos, K.; Deb, P.K.; Ellinghaus, F.; Frekers, D.; Rakers, S.; Schmidt, R.; Hayse, J.
2001-01-01
The depolarization parameter D nn ' in elastic proton scattering off 11 B at an energy of 150 MeV has been measured in the angular range 5 deg nn ' from unity were observed starting around a center-of-mass angle of 23 deg. The observed angular distribution of D nn ' will be described in the framework of a fully microscopic distorted-wave analysis using a folding potential to generate distorted waves from the nuclear ground-state density and from a recent density-dependent parameterization of the effective nucleon-nucleon interaction. The same kind of analysis has been applied to datasets of D nn ' in elastic scattering off 13 C and off 15 N which are available in the literature. The agreement of the fully microscopic analysis with the data is comparable or, in the case of 11 B, slightly better than what is achieved with the conventional calculations
2. Neonatal microbial colonization in mice promotes prolonged dominance of CD11b+Gr-1+cells and accelerated establishment of the CD4+T cell population in the spleen
DEFF Research Database (Denmark)
Kristensen, Matilde Bylov; Metzdorff, Stine Broeng; Bergström, Anders
2015-01-01
To assess the microbial influence on postnatal hematopoiesis, we examined the role of early life microbial colonization on the composition of leukocyte subsets in the neonatal spleen. A high number of CD11b+Gr-1+ splenocytes present perinatally was sustained for a longer period in conventionally...... event, which we suggest impacts the subsequent development of the T cell population in the murine spleen....
3. Stable coordination of the inhibitory Ca2+ ion at MIDAS in integrin CD11b/CD18 by an antibody-derived ligand aspartate: Implications for integrin regulation and structure-based drug design
Science.gov (United States)
Mahalingam, Bhuvaneshwari; Ajroud, Kaouther; Alonso, Jose Luis; Anand, Saurabh; Adair, Brian; Horenstein, Alberto L; Malavasi, Fabio; Xiong, Jian-Ping; Arnaout, M. Amin
2011-01-01
A central feature of integrin interaction with physiologic ligands is the monodentate binding of a ligand carboxylate to a Mg2+ ion hexacoordinated at the metal-ion-dependent-adhesion site (MIDAS) in the integrin A-domain. This interaction stabilizes the A-domain in the high-affinity state, which is distinguished from the default low-affinity state by tertiary changes in the domain that culminate in cell adhesion. Small molecule ligand-mimetic integrin antagonists act as partial agonists, eliciting similar activating conformational changes in the A-domain, which has contributed to paradoxical adhesion and increased patient mortality in large clinical trials. As with other ligand-mimetic integrin antagonists, the function-blocking monoclonal antibody (mAb) 107 binds MIDAS of integrin CD11b/CD18 A-domain (CD11bA), but in contrast, it favors the inhibitory Ca2+ ion over Mg2+ at MIDAS. We determined the crystal structures of the Fab fragment of mAb 107 complexed to the low- and high-affinity states of CD11bA. Favored binding of Ca2+ at MIDAS is caused by the unusual symmetric bidentate ligation of a Fab-derived ligand Asp to a heptacoordinated MIDAS Ca2+. Binding of Fab 107 to CD11bA did not trigger the activating tertiary changes in the domain or in the full-length integrin. These data show that denticity of the ligand Asp/Glu can modify divalent cation selectivity at MIDAS and hence integrin function. Stabilizing the Ca2+ ion at MIDAS by bidentate ligation to a ligand Asp/Glu may provide one approach for designing pure integrin antagonists. PMID:22095715
4. Polymorphisms of three genes (ACE, AGT and CYP11B2) in the renin-angiotensin-aldosterone system are not associated with blood pressure salt sensitivity: A systematic meta-analysis.
Science.gov (United States)
Sun, Jiahong; Zhao, Min; Miao, Song; Xi, Bo
2016-01-01
Many studies have suggested that polymorphisms of three key genes (ACE, AGT and CYP11B2) in the renin-angiotensin-aldosterone system (RAAS) play important roles in the development of blood pressure (BP) salt sensitivity, but they have revealed inconsistent results. Thus, we performed a meta-analysis to clarify the association. PubMed and Embase databases were searched for eligible published articles. Fixed- or random-effect models were used to pool odds ratios and 95% confidence intervals based on whether there was significant heterogeneity between studies. In total, seven studies [237 salt-sensitive (SS) cases and 251 salt-resistant (SR) controls] for ACE gene I/D polymorphism, three studies (130 SS cases and 221 SR controls) for AGT gene M235T polymorphism and three studies (113 SS cases and 218 SR controls) for CYP11B2 gene C344T polymorphism were included in this meta-analysis. The results showed that there was no significant association between polymorphisms of these three polymorphisms in the RAAS and BP salt sensitivity under three genetic models (all p > 0.05). The meta-analysis suggested that three polymorphisms (ACE gene I/D, AGT gene M235T, CYP11B2 gene C344T) in the RAAS have no significant effect on BP salt sensitivity.
5. Aberrant gonadotropin-releasing hormone receptor (GnRHR) expression and its regulation of CYP11B2 expression and aldosterone production in adrenal aldosterone-producing adenoma (APA).
Science.gov (United States)
Nakamura, Yasuhiro; Hattangady, Namita G; Ye, Ping; Satoh, Fumitoshi; Morimoto, Ryo; Ito-Saito, Takako; Sugawara, Akira; Ohba, Koji; Takahashi, Kazuhiro; Rainey, William E; Sasano, Hironobu
2014-03-25
6. Interleukin-27 Gene Therapy Prevents the Development of Autoimmune Encephalomyelitis but Fails to Attenuate Established Inflammation due to the Expansion of CD11b+Gr-1+ Myeloid Cells
Directory of Open Access Journals (Sweden)
Jianmin Zhu
2018-04-01
Full Text Available Interleukin-27 (IL-27 and its subunit P28 (also known as IL-30 have been shown to inhibit autoimmunity and have been suggested as potential immunotherapeutic for autoimmune diseases such as multiple sclerosis (MS. However, the potential of IL-27 and IL-30 as immunotherapeutic, and their mechanisms of action have not been fully understood. In this study, we evaluated the efficacy of adeno-associated viral vector (AAV-delivered IL-27 (AAV-IL-27 and IL-30 (AAV-IL-30 in a murine model of MS. We found that one single administration of AAV-IL-27, but not AAV-IL-30 completely blocked the development of experimental autoimmune encephalomyelitis (EAE. AAV-IL-27 administration reduced the frequencies of Th17, Treg, and GM-CSF-producing CD4+ T cells and induced T cell expression of IFN-γ, IL-10, and PD-L1. However, experiments involving IL-10-deficient mice and PD-1 blockade revealed that AAV-IL-27-induced IL-10 and PD-L1 expression were not required for the prevention of EAE development. Surprisingly, neither AAV-IL-27 nor AAV-IL-30 treatment inhibited EAE development and Th17 responses when given at disease onset. We found that mice with established EAE had significant expansion of CD11b+Gr-1+ cells, and AAV-IL-27 treatment further expanded these cells and induced their expression of Th17-promoting cytokines such as IL-6. Adoptive transfer of AAV-IL-27-expanded CD11b+Gr-1+ cells enhanced EAE development. Thus, expansion of CD11b+Gr-1+ cells provides an explanation for the resistance to IL-27 therapy in mice with established disease.
7. Magnetic substate populations of product nuclei in the /sup 11/B(d,p)/sup 12/B reaction. [1. 3 to 3. 0 MeV, j mixings and alignment
Energy Technology Data Exchange (ETDEWEB)
Tanaka, M; Ochi, S; Minamisono, T; Mizobuchi, A; Sugimoto, K
1976-01-01
Magnetic substate populations of product nuclei in the /sup 11/B(d,p)/sup 112/B reaction were measured in an energy range E/sub d/ = 1.3 to 3.0 MeV at recoil angles around theta/sub R/ = 55, 45, and 27 to 37/sup 0/. The alignment of the first excited state of /sup 12/B was determined. A comparison of the present result with theoretical predictions is given, together with the resultant information about j mixings in the /sup 12/B states. (auth)
8. Improved Results on Extraction of 11B(p, α0)8Be and 10B(p, α)7Be S(E)-Factor Through the Trojan Horse Method
International Nuclear Information System (INIS)
Puglia, S. M. R.; Lamia, L.; Romano, S.; Spitaleri, C.; Cherubini, S.; Gulino, M.; La Cognata, M.; Rapisarda, G. G.; Sergi, M. L.; Tudisco, S.; Carlin, N.; Del Santo, M. G.; Kroha, V.; Souza, F.; Szanto de Toledo, A.; Kubono, S.; Wakabayashi, Y.; Yamaguchi, H.; Li, C.; Qungang, W.
2010-01-01
In this work the analysis of the 10 B(23p, α) 7 Be and 11 B(p, α) 8 Be reactions, studied via the indirect Trojan Horse Method (THM), is discussed. In the astrophysical context of light nuclei LiBeB depletion, the above mentioned reactions are the main responsible for the destruction of boron in the stellar interior. The THM application allows their investigation in the astrophysically relevant energy region, around the Gamow Peak (≅10 keV), overcoming the problems due to the presence of the Coulomb barrier and electron screening effect. The experimental procedure and the preliminary results are shown.
9. Spain: Project control. Annex 11B
International Nuclear Information System (INIS)
Montes Rodriguez, J.L.
1999-01-01
This annex deals with project control. This annex outlines the method of accounting and coding of expenses during the various phases of transition from construction to long-term suspension. In this way costs can be accurately traced and assigned appropriately. This is an essential part of managing during the suspension phase. (author)
10. Genetic variation in candidate obesity genes ADRB2, ADRB3, GHRL, HSD11B1, IRS1, IRS2, and SHC1 and risk for breast cancer in the Cancer Prevention Study II.
Science.gov (United States)
Feigelson, Heather Spencer; Teras, Lauren R; Diver, W Ryan; Tang, Weining; Patel, Alpa V; Stevens, Victoria L; Calle, Eugenia E; Thun, Michael J; Bouzyk, Mark
2008-01-01
Obesity has consistently been associated with postmenopausal breast cancer risk. Proteins that are secreted by adipose tissue or are involved in regulating body mass may play a role in breast tumor development. We conducted a nested case-control study among postmenopausal women from the American Cancer Society Cancer Prevention Study II Nutrition Cohort to determine whether genes associated with obesity increase risk for breast cancer. Tagging single nucleotide polymorphisms (SNPs) were selected to capture common variation across seven candidate genes that encode adipose-related proteins: ADRB2, ADRB3, GHRL, HSD11B1, IRS1, IRS2, and SHC1. Thirty-nine SNPs were genotyped in 648 cases and 659 controls. Logistic regression models were used to examine the association between each tagging SNP and risk for breast cancer while adjusting for matching factors and potential confounders. We also examined whether these SNPs were associated with measures of adult adiposity. Two out of five tagging SNPs in HSD11B1 were associated with breast cancer (rs11807619, P = 0.006; rs932335, P = 0.0001). rs11807619 and rs932335 were highly correlated (r2 = 0.74) and, when modeled as a haplotype, only haplotypes containing the rs932335 C allele were associated with breast cancer. The rs932335 C allele was associated with a nearly twofold increased risk for breast cancer (odds ratio = 1.83, 95% confidence interval = 1.01-3.33 for C/C versus G/G). Three of the 11 SNPs for IRS2 were associated with breast cancer (rs4773082, P = 0.007; rs2289046, P = 0.016; rs754204, P = 0.03). When these three SNPs were examined as a haplotype, only the haplotype that included the G allele of rs2289046 was associated with breast cancer (odds ratio = 0.76, 95% confidence interval = 0.63-0.92 for TGC versus CAT). IRS2 rs2289046, rs754204, and rs12584136 were also associated with adult weight gain but only among cases. None of the other SNPs in any gene investigated were associated with breast cancer or
11. Intravenous administration of bone marrow-derived multipotent mesenchymal stromal cells enhances the recruitment of CD11b{sup +} myeloid cells to the lungs and facilitates B16-F10 melanoma colonization
Energy Technology Data Exchange (ETDEWEB)
Souza, Lucas E.B., E-mail: [email protected] [Department of Clinical Medicine, School of Medicine of Ribeirão Preto, University of São Paulo, Ribeirão Preto, SP (Brazil); Hemotherapy Center of Ribeirão Preto, School of Medicine of Ribeirão Preto, University of São Paulo, Ribeirão Preto, SP (Brazil); Almeida, Danilo C., E-mail: [email protected] [Department of Medicine – Nephrology, Laboratory of Clinical and Experimental Immunology, Federal University of São Paulo, São Paulo, SP (Brazil); Yaochite, Juliana N.U., E-mail: [email protected] [Department of Biochemistry and Immunology, Basic and Applied Immunology Program, School of Medicine of Ribeirão Preto, University of São Paulo (Brazil); Covas, Dimas T., E-mail: [email protected] [Department of Clinical Medicine, School of Medicine of Ribeirão Preto, University of São Paulo, Ribeirão Preto, SP (Brazil); Hemotherapy Center of Ribeirão Preto, School of Medicine of Ribeirão Preto, University of São Paulo, Ribeirão Preto, SP (Brazil); Fontes, Aparecida M., E-mail: [email protected] [Department of Genetics, School of Medicine of Ribeirão Preto, University of São Paulo, Ribeirão Preto, SP (Brazil)
2016-07-15
The discovery that the regenerative properties of bone marrow multipotent mesenchymal stromal cells (BM-MSCs) could collaterally favor neoplastic progression has led to a great interest in the function of these cells in tumors. However, the effect of BM-MSCs on colonization, a rate-limiting step of the metastatic cascade, is unknown. In this study, we investigated the effect of BM-MSCs on metastatic outgrowth of B16-F10 melanoma cells. In in vitro experiments, direct co-culture assays demonstrated that BM-MSCs stimulated the proliferation of B16-F10 cells in a dose-dependent manner. For in vivo experiments, luciferase-expressing B16-F10 cells were injected through tail vein and mice were subsequently treated with four systemic injections of BM-MSCs. In vivo bioluminescent imaging during 16 days demonstrated that BM-MSCs enhanced the colonization of lungs by B16-F10 cells, which correlated with a 2-fold increase in the number of metastatic foci. Flow cytometry analysis of lungs demonstrated that although mice harboring B16-F10 metastases displayed more endothelial cells, CD4 T and CD8 T lymphocytes in the lungs in comparison to metastases-free mice, BM-MSCs did not alter the number of these cells. Interestingly, BM-MSCs inoculation resulted in a 2-fold increase in the number of CD11b{sup +} myeloid cells in the lungs of melanoma-bearing animals, a cell population previously described to organize “premetastatic niches” in experimental models. These findings indicate that BM-MSCs provide support to B16-F10 cells to overcome the constraints that limit metastatic outgrowth and that these effects might involve the interplay between BM-MSCs, CD11b{sup +} myeloid cells and tumor cells. - Highlights: • BM-MSCs enhanced B16-F10 proliferation in a dose-dependent manner in vitro. • BM-MSCs facilitated lung colonization by B16-F10 melanoma cells. • BM-MSCs administration did not alter the number of endothelial cells and T lymphocytes in the lungs. • BM-MSCs enhanced
12. Characterization of the electronic properties of YB{sub 12}, ZrB{sub 12}, and LuB{sub 12} using {sup 11}B NMR and first-principles calculations
Energy Technology Data Exchange (ETDEWEB)
Jaeger, B [Institut fuer Physikalische Chemie, Universitaet Wien, Waehringer Strasse 42, 1090 Vienna (Austria); Paluch, S [Institute for Low Temperature and Structure Research, Polish Academy of Sciences, PO Box 1410, 50-950 Wroclaw (Poland); Zogal, O J [Institute for Low Temperature and Structure Research, Polish Academy of Sciences, PO Box 1410, 50-950 Wroclaw (Poland); Wolf, W [Materials Design s. a. r. l., 44, avenue F.-A. Bartholdi, 72000 Le Mans (France); Herzig, P [Institut fuer Physikalische Chemie, Universitaet Wien, Waehringer Strasse 42, 1090 Vienna (Austria); Filippov, V B [Institute for Problems of Materials Science, Academy of Sciences of Ukraine, 3 Krzhyzhanovsky street, 03680 Kiev, Ukraine (Ukraine); Shitsevalova, N [Institute for Problems of Materials Science, Academy of Sciences of Ukraine, 3 Krzhyzhanovsky street, 03680 Kiev, Ukraine (Ukraine); Paderno, Y [Institute for Problems of Materials Science, Academy of Sciences of Ukraine, 3 Krzhyzhanovsky street, 03680 Kiev, Ukraine (Ukraine)
2006-03-01
Three metallic dodecaborides, YB{sub 12}, ZrB{sub 12} and LuB{sub 12}, have been investigated by electric-field gradient (EFG) measurements at the boron sites using the {sup 11}B nuclear magnetic resonance (NMR) technique and by performing first-principles calculations. The NMR powder spectra reveal patterns typical for a completely asymmetric EFG tensor, i.e., an {eta} parameter close to unity. The absolute values of V{sub zz} (the largest component of the EFG) are determined from the spectra and they range between 11 x 10{sup 20} V m{sup -2} and 11.6 x 10{sup 20} V m{sup -2} with an uncertainty of 0.8 x 10{sup 20} V m{sup -2}, being in very good agreement with the first-principles results. In addition the electronic structure and chemical bonding are analysed from partial densities of states and electron densities.
13. Study of the (d,α) reactions on the nuclei 10B, 11B, 12C, and 13C and the reaction 13C(p,α)10B and their microscopic and semicroscopic analysis
International Nuclear Information System (INIS)
Abd el-Kariem, S.E.S.
1984-01-01
In the framework of a systematic analysis of many-particle transfer reactions on light nuclei in the present thesis the two-particle transfer reactions of the type (d,α) on the nucleus 10 B at Esub(d) = 16 MeV and on the nuclei 11 B, 12 C and 13 C at Esub(d) = 24 MeV as well as the three-particle transfer reaction 13 C(p,α) 10 B at eight incident energies between 16 and 45 MeV have been studied. In the case of the residual nuclei 10 B and 11 B transitions up to an excitation energy Esub(x) approx.= 7.5 respectively approx.= 9,0 MeV, in the case of the residual nuclei 8 Be and 9 Be transitions up to Esub(x) approx.= 17 respectively 2.5 MeV were evaluated. Under the assumption that the studied reactions behave as direct one-stage transfer processes the measurement results were analyzed in the framework of the DWBA theory in zero-range approximation. The parameters for the optical potentials used in the DWBA calculations were taken from literature and partly modified by fitting to the angular distributions of the reactions studied here. Microscopic and semimicroscopic calculations were performed. In the semimicroscopic calculations the spectroscopic amplitudes calculated microscopically or in SU(3) approximation were used together with a cluster form factor, in the other case with a microscopically calculated form factor. For the residual nucleus for some higher excited states results on spin, parity, and isospin could be partly obtained, partly confirmed. (orig./HSI) [de
14. Ca2+ influx and tyrosine kinases trigger Bordetella adenylate cyclase toxin (ACT endocytosis. Cell physiology and expression of the CD11b/CD18 integrin major determinants of the entry route.
Directory of Open Access Journals (Sweden)
Kepa B Uribe
Full Text Available Humans infected with Bordetella pertussis, the whooping cough bacterium, show evidences of impaired host defenses. This pathogenic bacterium produces a unique adenylate cyclase toxin (ACT which enters human phagocytes and catalyzes the unregulated formation of cAMP, hampering important bactericidal functions of these immune cells that eventually cause cell death by apoptosis and/or necrosis. Additionally, ACT permeabilizes cells through pore formation in the target cell membrane. Recently, we demonstrated that ACT is internalised into macrophages together with other membrane components, such as the integrin CD11b/CD18 (CR3, its receptor in these immune cells, and GM1. The goal of this study was to determine whether ACT uptake is restricted to receptor-bearing macrophages or on the contrary may also take place into cells devoid of receptor and gain more insights on the signalling involved. Here, we show that ACT is rapidly eliminated from the cell membrane of either CR3-positive as negative cells, though through different entry routes, which depends in part, on the target cell physiology and characteristics. ACT-induced Ca(2+ influx and activation of non-receptor Tyr kinases into the target cell appear to be common master denominators in the different endocytic strategies activated by this toxin. Very importantly, we show that, upon incubation with ACT, target cells are capable of repairing the cell membrane, which suggests the mounting of an anti-toxin cell repair-response, very likely involving the toxin elimination from the cell surface.
15. Legacy of contaminant N sources to the NO3- signature in rivers: a combined isotopic (δ15N-NO3-, δ18O-NO3-, δ11B) and microbiological investigation
Science.gov (United States)
Briand, Cyrielle; Sebilo, Mathieu; Louvat, Pascale; Chesnot, Thierry; Vaury, Véronique; Schneider, Maude; Plagnes, Valérie
2017-02-01
Nitrate content of surface waters results from complex mixing of multiple sources, whose signatures can be modified through N reactions occurring within the different compartments of the whole catchment. Despite this complexity, the determination of nitrate origin is the first and crucial step for water resource preservation. Here, for the first time, we combined at the catchment scale stable isotopic tracers (δ15N and δ18O of nitrate and δ11B) and fecal indicators to trace nitrate sources and pathways to the stream. We tested this approach on two rivers in an agricultural region of SW France. Boron isotopic ratios evidenced inflow from anthropogenic waters, microbiological markers revealed organic contaminations from both human and animal wastes. Nitrate δ15N and δ18O traced inputs from the surface leaching during high flow events and from the subsurface drainage in base flow regime. They also showed that denitrification occurred within the soils before reaching the rivers. Furthermore, this study highlighted the determinant role of the soil compartment in nitrate formation and recycling with important spatial heterogeneity and temporal variability.
16. Ca2+ Influx and Tyrosine Kinases Trigger Bordetella Adenylate Cyclase Toxin (ACT) Endocytosis. Cell Physiology and Expression of the CD11b/CD18 Integrin Major Determinants of the Entry Route
Science.gov (United States)
Etxebarria, Aitor; González-Bullón, David; Gómez-Bilbao, Geraxane; Ostolaza, Helena
2013-01-01
Humans infected with Bordetella pertussis, the whooping cough bacterium, show evidences of impaired host defenses. This pathogenic bacterium produces a unique adenylate cyclase toxin (ACT) which enters human phagocytes and catalyzes the unregulated formation of cAMP, hampering important bactericidal functions of these immune cells that eventually cause cell death by apoptosis and/or necrosis. Additionally, ACT permeabilizes cells through pore formation in the target cell membrane. Recently, we demonstrated that ACT is internalised into macrophages together with other membrane components, such as the integrin CD11b/CD18 (CR3), its receptor in these immune cells, and GM1. The goal of this study was to determine whether ACT uptake is restricted to receptor-bearing macrophages or on the contrary may also take place into cells devoid of receptor and gain more insights on the signalling involved. Here, we show that ACT is rapidly eliminated from the cell membrane of either CR3-positive as negative cells, though through different entry routes, which depends in part, on the target cell physiology and characteristics. ACT-induced Ca2+ influx and activation of non-receptor Tyr kinases into the target cell appear to be common master denominators in the different endocytic strategies activated by this toxin. Very importantly, we show that, upon incubation with ACT, target cells are capable of repairing the cell membrane, which suggests the mounting of an anti-toxin cell repair-response, very likely involving the toxin elimination from the cell surface. PMID:24058533
17. Bilateral comparison of 10 V standards between the NSAI-NML (Ireland) and the BIPM, March to April 2011 (part of the ongoing BIPM key comparison BIPM.EM-K11.b)
Science.gov (United States)
Power, O.; Solve, S.; Chayramy, R.; Stock, M.
2011-01-01
As a part of the ongoing BIPM key comparison BIPM.EM-K11.b, a comparison of the 10 V voltage reference standards of the BIPM and the National Standards Authority of Ireland-National Metrology Laboratory (NSAI-NML), Dublin, Ireland, was carried out from March to April 2011. Two BIPM Zener diode-based travelling standards (Fluke 732B) were transported by freight to NSAI-NML. At NSAI-NML, the 10 V output EMF of each travelling standard was measured by direct comparison with a group of characterized Zener diode-based electronic voltage standards. At the BIPM, the travelling standards were calibrated before and after the measurements at NSAI-NML, with the Josephson Voltage Standard. Results of all measurements were corrected for the dependence of the output voltages on internal temperature and ambient pressure. The comparison results show that the voltage standards maintained by NSAI-NML and the BIPM were equivalent, within their stated expanded uncertainties, on the mean date of the comparison. Main text. To reach the main text of this paper, click on Final Report. Note that this text is that which appears in Appendix B of the BIPM key comparison database kcdb.bipm.org/. The final report has been peer-reviewed and approved for publication by the CCEM, according to the provisions of the CIPM Mutual Recognition Arrangement (MRA).
18. Effects of DK-002, a synthesized (6aS,cis)-9,10-Dimethoxy-7,11b-dihydro-indeno[2,1-c]chromene-3,6a-diol, on platelet activity.
Science.gov (United States)
Lee, Ki-Seon; Khil, Lee-Yong; Chae, Sang-Ho; Kim, Deukjoon; Lee, Byung-Hoon; Hwang, Gwi-Seo; Moon, Chang-Hyun; Chang, Tong-Shin; Moon, Chang-Kiu
2006-02-02
In the present study, the mechanism of antiplatelet activity of DK-002, a synthesized (6aS,cis)-9,10-Dimethoxy-7,11b-dihydro-indeno[2,1-c]chromene-3,6a-diol, was investigated. DK-002 inhibited the thrombin, collagen, and ADP-induced rat platelet aggregation in a concentration-dependent manner, with IC50 values of 120, 27, and 47 microM, respectively. DK-002 also inhibited thrombin-induced dense granule secretion, thromboxane A2 synthesis, and [Ca2+]i elevation in platelets. DK-002 did not show any significant effect on ADP-induced inhibition of cyclic AMP elevation by prostaglandin E1, but DK-002 was confirmed to inhibit ADP-induced [Ca2+]i elevation and shape change. DK-002 inhibited 4-bromo-A23187-induced [Ca2+]i elevation in the presence of creatine phosphate/creatine phosphokinase (CP/CPK, a ADP scavenging system) and indomethacin (a specific inhibitor of cyclooxygenase). DK-002 also inhibited Ca2+ mobilization in thrombin- or 4-bromo-A23187-stimulated platelets through its inhibitory effects on both Ca2+ release from intracellular stores and Ca2+ influx, in the presence of CP/CPK and indomethacin. Taken together, the present study shows that DK-002 has inhibitory effects on stimulation of platelets, and suggests that its antiplatelet activity might be related to the inhibitory mechanism on Ca2+ mobilization in stimulated platelets.
19. Identification of a new epitope in uPAR as a target for the cancer therapeutic monoclonal antibody ATN-658, a structural homolog of the uPAR binding integrin CD11b (αM.
Directory of Open Access Journals (Sweden)
Xiang Xu
Full Text Available The urokinase plasminogen activator receptor (uPAR plays a role in tumor progression and has been proposed as a target for the treatment of cancer. We recently described the development of a novel humanized monoclonal antibody that targets uPAR and has anti-tumor activity in multiple xenograft animal tumor models. This antibody, ATN-658, does not inhibit ligand binding (i.e. uPA and vitronectin to uPAR and its mechanism of action remains unclear. As a first step in understanding the anti-tumor activity of ATN-658, we set out to identify the epitope on uPAR to which ATN-658 binds. Guided by comparisons between primate and human uPAR, epitope mapping studies were performed using several orthogonal techniques. Systematic site directed and alanine scanning mutagenesis identified the region of aa 268-275 of uPAR as the epitope for ATN-658. No known function has previously been attributed to this epitope Structural insights into epitope recognition were obtained from structural studies of the Fab fragment of ATN-658 bound to uPAR. The structure shows that the ATN-658 binds to the DIII domain of uPAR, close to the C-terminus of the receptor, corroborating the epitope mapping results. Intriguingly, when bound to uPAR, the complementarity determining region (CDR regions of ATN-658 closely mimic the binding regions of the integrin CD11b (αM, a previously identified uPAR ligand thought to be involved in leukocyte rolling, migration and complement fixation with no known role in tumor progression of solid tumors. These studies reveal a new functional epitope on uPAR involved in tumor progression and demonstrate a previously unrecognized strategy for the therapeutic targeting of uPAR.
20. G-CSF/anti-G-CSF antibody complexes drive the potent recovery and expansion of CD11b+Gr-1+ myeloid cells without compromising CD8+ T cell immune responses
Science.gov (United States)
2013-01-01
Background Administration of recombinant G-CSF following cytoreductive therapy enhances the recovery of myeloid cells, minimizing the risk of opportunistic infection. Free G-CSF, however, is expensive, exhibits a short half-life, and has poor biological activity in vivo. Methods We evaluated whether the biological activity of G-CSF could be improved by pre-association with anti-G-CSF mAb prior to injection into mice. Results We find that the efficacy of G-CSF therapy can be enhanced more than 100-fold by pre-association of G-CSF with an anti-G-CSF monoclonal antibody (mAb). Compared with G-CSF alone, administration of G-CSF/anti-G-CSF mAb complexes induced the potent expansion of CD11b+Gr-1+ myeloid cells in mice with or without concomitant cytoreductive treatment including radiation or chemotherapy. Despite driving the dramatic expansion of myeloid cells, in vivo antigen-specific CD8+ T cell immune responses were not compromised. Furthermore, injection of G-CSF/anti-G-CSF mAb complexes heightened protective immunity to bacterial infection. As a measure of clinical value, we also found that antibody complexes improved G-CSF biological activity much more significantly than pegylation. Conclusions Our findings provide the first evidence that antibody cytokine complexes can effectively expand myeloid cells, and furthermore, that G-CSF/anti-G-CSF mAb complexes may provide an improved method for the administration of recombinant G-CSF. PMID:24279871
1. Fish-oil-derived n-3 polyunsaturated fatty acids reduce NLRP3 inflammasome activity and obesity-related inflammatory cross-talk between adipocytes and CD11b(+) macrophages.
Science.gov (United States)
De Boer, Anna A; Monk, Jennifer M; Liddle, Danyelle M; Hutchinson, Amber L; Power, Krista A; Ma, David W L; Robinson, Lindsay E
2016-08-01
2. Bilateral Comparison of 10 V Standards between the NSAI - NML (Ireland) and the BIPM, March 2015 (part of the ongoing BIPM key comparison BIPM.EM-K11.b)
Science.gov (United States)
Solve, S.; Chayramy, R.; Stock, M.; Power, O.
2015-01-01
As part of the ongoing BIPM key comparison BIPM.EM-K11.b, a comparison of the 10 V voltage reference standards of the BIPM and the National Standards Authority of Ireland - National Metrology Laboratory (NSAI - NML), Dublin, Ireland, was carried out in February and March 2015. Two BIPM Zener diode-based travelling standards (Fluke 732B), BIPM6 (Z6) and BIPMC (ZC), were transported by freight to NSAI-NML. At NSAI-NML, the reference standard for DC voltage at the 10 V level consists of a group of characterized Zener diode-based electronic voltage standards. The output EMF (Electromotive Force) of each travelling standard was measured by direct comparison with the group standard. At the BIPM the travelling standards were calibrated, before and after the measurements at NSAI-NML, with the Josephson Voltage Standard. Results of all measurements were corrected for the dependence of the output voltages of the Zener standards on internal temperature and ambient atmospheric pressure. The final resultof the comparison is presented as the difference between the values assigned to DC voltage standards by NSAI - NML, at the level of 10 V,at NSAI - NML, UNML, and those assigned by the BIPM, at the BIPM, UBIPM, at the reference date of 24 February 2015. UNML - UBIPM = - 0.82 mV; uc = 1.35 mV , at 10 V where uc is the combined standard uncertainty associated with the measured difference, including the uncertainty of the representation of the volt at the BIPM and at NSAI-NML, based on KJ-90, and the uncertainty related to the comparison. Main text. To reach the main text of this paper, click on Final Report. Note that this text is that which appears in Appendix B of the BIPM key comparison database kcdb.bipm.org/. The final report has been peer-reviewed and approved for publication by the CCEM, according to the provisions of the CIPM Mutual Recognition Arrangement (CIPM MRA).
3. Bilateral comparison of 10 V standards between the NSAI-NML (Ireland) and the BIPM, January to February 2013 (part of the ongoing BIPM key comparison BIPM.EM-K11.b)
Science.gov (United States)
Power, O.; Chayramy, R.; Solve, S.; Stock, M.
2014-01-01
As part of the ongoing BIPM key comparison BIPM.EM-K11.b, a comparison of the 10 V voltage reference standards of the BIPM and the National Standards Authority of Ireland-National Metrology Laboratory (NSAI-NML), Dublin, Ireland, was carried out from January to February 2013. Two BIPM Zener diode-based travelling standards (Fluke 732B), BIPM_8 (Z8) and BIPM_9 (Z9), were transported by freight to NSAI-NML. At NSAI-NML, the reference standard for DC voltage at the 10 V level consists of a group of characterized Zener diode-based electronic voltage standards. The output EMF (electromotive force) of each travelling standard was measured by direct comparison with the group standard. At the BIPM the travelling standards were calibrated, before and after the measurements at NSAI-NML, with the Josephson Voltage Standard. Results of all measurements were corrected for the dependence of the output voltages of the Zener standards on internal temperature and ambient atmospheric pressure. The final result of the comparison is presented as the difference between the value assigned to DC voltage standard by NSAI-NML, at the level of 10 V, at NSAI-NML, UNML, and that assigned by the BIPM, at the BIPM, UBIPM, at the reference date of 5 February 2013. UNML - UBIPM = -0.63 µV uc = 1.31 µV, at 10 V where uc is thecombined standard uncertainty associated with the measured difference, including the uncertainty of the representation of the volt at the BIPM and at NSAI-NML,based on KJ-90, and the uncertainty related to the comparison. The comparison results show that the voltage standards maintained by NSAI-NML and the BIPM were equivalent, within their stated standard uncertainties, on the mean date of the comparison. Main text. To reach the main text of this paper, click on Final Report. Note that this text is that which appears in Appendix B of the BIPM key comparison database kcdb.bipm.org/. The final report has been peer-reviewed and approved for publication by the CCEM, according
4. Bilateral comparison of 10 V standards between the NSAI-NML (Ireland) and the BIPM, February to March 2012 (part of the ongoing BIPM key comparison BIPM.EM-K11.b)
Science.gov (United States)
Power, O.; Solve, S.; Chayramy, R.; Stock, M.
2012-01-01
As part of the on-going BIPM key comparison BIPM.EM-K11.b, a comparison of the 10 V voltage reference standards of the BIPM and the National Standards Authority of Ireland-National Metrology Laboratory (NSAI-NML), Dublin, Ireland, was carried out from February to March 2012. Two BIPM Zener diode-based travelling standards (Fluke 732B), BIPM_C (ZC) and BIPM_D (ZD), were transported by freight to NSAI-NML. At NSAI-NML, the reference standard for DC voltage at the 10 V level consists of a group of characterized Zener diode-based electronic voltage standards. The output EMF (electromotive force) of each travelling standard was measured by direct comparison with the group standard. At the BIPM the travelling standards were calibrated, before and after the measurements at NSAI-NML, with the Josephson voltage standard. Results of all measurements were corrected for the dependence of the output voltages on internal temperature and ambient atmospheric pressure. The final result of the comparison is presented as the difference between the value assigned to DC voltage standard by NSAI-NML, at the level of 10 V, at NSAI-NML, UNML, and that assigned by the BIPM, at the BIPM, UBIPM, at the reference date of 23 February 2012. UNML - UBIPM = +0.83 µV, uc = 1.35 µV, at 10 V where uc is the combined standard uncertainty associated with the measured difference, including the uncertainty of the representation of the volt at the BIPM and at NSAI-NML, based on KJ-90, and the uncertainty related to the comparison. The final result is impacted by the anomalous offset between the NSAI-NML results for the two transfer standards. The reason for this offset hasn't been determined. However, the difference remains within the total combined standard uncertainty. Therefore, the comparison result shows that the voltage standards maintained by NSAI-NML and the BIPM were equivalent, within their stated expanded uncertainties, on the mean date of the comparison. Main text. To reach the main text of
5. Bilateral comparison of 10 V standards between the NSAI - NML (Ireland) and the BIPM, February 2016 (part of the ongoing BIPM key comparison BIPM.EM-K11.b)
Science.gov (United States)
Solve, S.; Chayramy, R.; Power, O.; Stock, M.
2016-01-01
As part of the ongoing BIPM key comparison BIPM.EM-K11.b, a comparison of the 10 V voltage reference standards of the BIPM and the National Standards Authority of Ireland - National Metrology Laboratory (NSAI - NML), Dublin, Ireland, was carried out in January and February 2016. Two BIPM Zener diode-based travelling standards (Fluke 732B), BIPM7 (Z7) and BIPM9 (Z9), were transported by freight to NSAI-NML. At NSAI-NML, the reference standard for DC voltage at the 10 V level consists of a group of characterized Zener diode-based electronic voltage standards. The output EMF (Electromotive Force) of each travelling standard was measured by direct comparison with the group standard. At the BIPM the travelling standards were calibrated, before and after the measurements at NSAI-NML, with the Josephson Voltage Standard. Results of all measurements were corrected for the dependence of the output voltages of the Zener standards on internal temperature and ambient atmospheric pressure. The final result of the comparison is presented as the difference between the values assigned to DC voltage standards by NSAI - NML, at the level of 10 V, at NSAI - NML, UNML, and those assigned by the BIPM, at the BIPM, UBIPM, at the reference date of the 31 of January 2016. UNML - UBIPM = + 0.22 μV uc = 1.35 μV , at 10 V where uc is the combined standard uncertainty associated with the measured difference, including the uncertainty of the representation of the volt at the BIPM and at NSAI-NML, based on KJ-90, and the uncertainty related to the comparison. Main text To reach the main text of this paper, click on Final Report. Note that this text is that which appears in Appendix B of the BIPM key comparison database kcdb.bipm.org/. The final report has been peer-reviewed and approved for publication by the CCEM, according to the provisions of the CIPM Mutual Recognition Arrangement (CIPM MRA).
6. Bilateral comparison of 10 V standards between the NSAI-NML (Ireland) and the BIPM, March 2014 (part of the ongoing BIPM key comparison BIPM.EM-K11.b)
Science.gov (United States)
Solve, S.; Chayramy, R.; Power, O.; Stock, M.
2014-01-01
As part of the ongoing BIPM key comparison BIPM.EM-K11.b, a comparison of the 10 V voltage reference standards of the BIPM and the National Standards Authority of Ireland-National Metrology Laboratory (NSAI-NML), Dublin, Ireland, was carried out in February and March 2014. Two BIPM Zener diode-based travelling standards (Fluke 732B), BIPM_4 (Z4) and BIPM_5 (Z5), were transported by freight to NSAI-NML. At NSAI-NML, the reference standard for DC voltage at the 10 V level consists of a group of characterized Zener diode-based electronic voltage standards. The output EMF (Electromotive Force) of each travelling standard was measured by direct comparison with the group standard. At the BIPM the travelling standards were calibrated, before and after the measurements at NSAI-NML, with the Josephson Voltage Standard. Results of all measurements were corrected for the dependence of the output voltages of the Zener standards on internal temperature and ambient atmospheric pressure. The final result of the comparison is presented as the difference between the value assigned to DC voltage standard by NSAI-NML, at the level of 10 V, at NSAI-NML, UNML, and that assigned by the BIPM, at the BIPM, UBIPM, at the reference date of 10 March 2014. UNML - UBIPM = -0.64 µV uc = 1.35 µV, at 10 V where uc is thecombined standard uncertainty associated with the measured difference, including the uncertainty of the representation of the volt at the BIPM and at NSAI-NML,based on KJ-90, and the uncertainty related to the comparison. The comparison results show that the voltage standards maintained by NSAI-NML and the BIPM were equivalent, within their stated standard uncertainties, on the mean date of the comparison. Main text. To reach the main text of this paper, click on Final Report. Note that this text is that which appears in Appendix B of the BIPM key comparison database kcdb.bipm.org/. The final report has been peer-reviewed and approved for publication by the CCEM, according to
7. Indirect study of {sup 11}B(p,alpha{sub 0}){sup 8}Be and {sup 10}B(p,alpha){sup 7}Be reactions at astrophysical energies by means of the Trojan Horse Method: recent results
Energy Technology Data Exchange (ETDEWEB)
Lamia, L.; Puglia, S.M.R.; Spitaleri, C.; Romano, S. [Laboratori Nazionali del Sud, Catania (Italy); Dipartimento di Metodologie Fisiche e Chimiche per l' Ingegneria, Universita di Catania, Catania (Italy); Del Santo, M. Gimenez; Carlin, N.; Munhoz, M. Gameiro [Departamento de Fisica Nuclear, Universitade de Sao Paulo, Sao Paulo (Brazil); Cherubini, S. [Laboratori Nazionali del Sud, Catania (Italy); Dipartimento di Metodologie Fisiche e Chimiche per l' Ingegneria, Universita di Catania, Catania (Italy); Kiss, G.G. [Laboratori Nazionali del Sud, Catania (Italy); Atomki, Debrecen (Hungary); Kroha, V. [Institute for Nuclear Physics, Prague (Czech Republic); Kubono, S. [CNS, University of Tokyo, Tokyo (Japan); La Cognata, M. [Laboratori Nazionali del Sud, Catania (Italy); Dipartimento di Metodologie Fisiche e Chimiche per l' Ingegneria, Universita di Catania, Catania (Italy); Centro Siciliano di Fisica Nucleare e Struttura della Materia, Catania (Italy); Li Chengbo [China Institute of Atomic Energy, Department of Physics, Beijing (China); Pizzone, R.G. [Laboratori Nazionali del Sud, Catania (Italy); Dipartimento di Metodologie Fisiche e Chimiche per l' Ingegneria, Universita di Catania, Catania (Italy); Wen Qungang [China Institute of Atomic Energy, Department of Physics, Beijing (China); Sergi, M.L. [Laboratori Nazionali del Sud, Catania (Italy); Dipartimento di Metodologie Fisiche e Chimiche per l' Ingegneria, Universita di Catania, Catania (Italy); Centro Siciliano di Fisica Nucleare e Struttura della Materia, Catania (Italy); Szanto de Toledo, A. [Departamento de Fisica Nuclear, Universitade de Sao Paulo, Sao Paulo (Brazil); Wakabayashi, Y. [CNS, University of Tokyo, Tokyo (Japan); Advanced Science Research Center - JAEA - Ibaraki (Japan); Yamaguchi, H. [CNS, University of Tokyo, Tokyo (Japan); Zhou Shuhua [China Institute of Atomic Energy, Department of Physics, Beijing (China)
2010-03-01
Nuclear (p,alpha) reactions destroying the so-called 'light-elements' lithium, beryllium and boron have been largely studied in the past mainly because their role in understanding some astrophysical phenomena, i.e. mixing-phenomena occurring in young F-G stars [A.M. Boesgaard et al., Astr. Phys. J, 991, 2005, 621]. Such mechanisms transport the surface material down to the region close to the nuclear destruction zone, where typical temperatures of the order of approx10{sup 6} K are reached. The corresponding Gamow energy E{sub 0}=1.22(Z{sub x}{sup 2}Z{sub X}{sup 2}T{sub 6}{sup 2}){sup 1/3} keV [C. Rolfs and W. Rodney, 'Cauldrons in the Cosmos', The Univ. of Chicago press, 1988] is about approx10 keV if one considers the 'boron-case' and replaces in the previous formula Z{sub x}=1, Z{sub X}=5 and T{sub 6}=5. Direct measurements of the two {sup 11}B(p,alpha{sub 0}){sup 8}Be and {sup 10}B(p,alpha){sup 7}Be reactions in correspondence of this energy region are difficult to perform mainly because the combined effects of Coulomb barrier penetrability and electron screening [H.J. Assenbaum, K. Langanke and C. Rolfs, Z. Phys., 327, 1987, 461]. The indirect method of the Trojan Horse (THM) [G. Baur et al., Phys. Lett. B, 178, 1986, 135; G. Calvi et al., Nucl. Phys. A, 621, 1997, 139; C. Spitaleri et al., Phys. Rev. C, 493, 1999, 206] allows one to extract the two-body reaction cross section of interest for astrophysics without the extrapolation-procedures. Due to the THM formalism, the extracted indirect data have to be normalized to the available direct ones at higher energies thus implying that the method is a complementary tool in solving some still open questions for both nuclear and astrophysical issues [S. Cherubini et al., Astr. Phys. J, 457, 1996, 855; C. Spitaleri et al., Phys. Rev. C, 63, 2001, 005801; C. Spitaleri et al., Phys. Rev. C, 63, 2004, 055806; A. Tumino et al., Phys. Rev. Lett., 98, 2007, 252502; M. La Cognata et al., Phys
8. Word Frequency Analysis MOS: 11B. Skill Levels 1 & 2.
Science.gov (United States)
1981-05-01
VELCRO IVLCT 1 tEpNlkp I VER. A, IITY _ _ _ I VERTICALLY I VEPLIEY I tESSFLS I V)HOLE I VI -------- I VIPRATInIC, I k.ILbipLPT L VIL.LACE 1 VILLAGETS I...RI:CtIVE 2 2 RECEIVER-?RCN5MITTEN 22 REPUTE 72 SEV 1N 22 57 ,’.L------_ 22 __ SUPPLY 22 TOr WYUL PREOUENtY UIbIK1IILTION ~E 1A IC2\$ PACE FpECUENCY/WCMD...CAREFUL 19 CHAPTEP IV CCAl 19 CUN1CEk0 19 EFFECTIVE -19 EXI’LCSTVES 19 CKAbS .... rlv I il I? P . ~ EARn -- .. 19 H4IGHER ___ 39 ILT IV Ill 19 INTERVAL 19
9. Measurements of SIP Signaling over 802.11b Links
NARCIS (Netherlands)
Hesselman, C.E.W.; Eertink, Henk; Eertink, E.H.; Widya, I.A.; Huizer, E.
The Session Initiation Protocol (SIP) is a popular application-level signaling protocol that is used for a wide variety of applications such as session control and mobility handling. In some of these applications, the exchange of SIP messages is time-critical, for instance when SIP is used to handle
10. A study of the higher excitation levels of 11B via the 10B(n,n)10B and 10B(n,n')10B*(0.72, 1.74, 2.15, 3.59, 4.77 MeV) reactions
International Nuclear Information System (INIS)
1988-11-01
As part of the study of the higher energy-level structure of 11 B, cross sections for elastic and inelastic scattering of neutrons from isotopically enriched 10 B samples have been measured for incident neutron energies from 3.03 MeV to 6.45 MeV in 250 keV increments and from 7.02 MeV to 12.01 MeV in 500 keV increments. Inelastic angular distributions for scattering to the states in parentheses in 10 B have been measured from the indicated energy up to 12.01 MeV; (0.718) from 3.02 MeV; (1.74) from 3.27 MeV; (2.15) from 3.77 MeV; (3.59) from 5.52 MeV; (4.77) from 7.02 MeV. The measurements at 3.02, 3.51, 4.02, and 4.51 MeV were done at nine laboratory angles from 20/degree/ to 158/degree/ in 17.5/degree/ increments with a sample that is isotopically 95.86% 10 B. All other distributions measured scattering at 11 laboratory angles from 18/degree/ to 158/degree/ in 15/degree/ increments from a sample that is isotopically 99.49% 10 B. The data are corrected for air scattering, sample attenuation, minor isotope impurity, multiple scattering, and elastic and inelastic scattering from the sample of the neutron source continuum and contaminants. An eight-channel, multilevel R-matrix analysis was performed on the data. Level energies, spins, and parities were deduced for twelve levels above 13 MeV excitation in 11 B. Only two definite and three tentative assignments for T = /1/2/ levels had been made previously above 13 MeV. The two definite levels were confirmed. Good agreement between the data and the R-matrix calculation in all analyzed channels was obtained for the proposed structure. 122 refs., 40 figs., 7 tabs
11. Hydrothermal synthesis and structural analysis of new mixed oxyanion borates: Ba11B26O44(PO4)2(OH)6, Li9BaB15O27(CO3) and Ba3Si2B6O16
Science.gov (United States)
Heyward, Carla; McMillen, Colin D.; Kolis, Joseph
2013-07-01
Several new borate compounds, Ba11B26O44(PO4)2(OH)6 (1), Li9BaB15O27(CO3) (2), and Ba3Si2B6O16 (3) were synthesized containing other hetero-oxyanion building blocks in addition to the borate frameworks. They were all prepared under hydrothermal conditions and characterized by single crystal and powder X-ray diffraction, and IR spectroscopy. Crystal data: For 1; space group P21/c, a=6.8909 (14) Å, b=13.629 (3) Å, c=25.851 (5) Å, β=90.04 (3)°; For 2; space group P-31c, a=8.8599 (13) Å, c=15.148 (3) Å; For 3; space group P-1, a=5.0414 (10) Å, b=7.5602 (15) Å, c=8.5374 (17) Å, α=77.15 (3)°, β=77.84 (3)°, γ=87.41 (3)° for 3. Compounds 1 and 2 contain isolated oxyanions [PO4]3- and [CO3]2- respectively, sitting in channels created by the borate framework, while structure 3 has the [SiO4]4- groups directly bonded to the borate groups creating a B-O-Si framework.
12. Purification and characterization of a GH43 β-xylosidase from Enterobacter sp. identified and cloned from forest soil bacteria.
Science.gov (United States)
Campos, Eleonora; Negro Alvarez, María José; Sabarís di Lorenzo, Gonzalo; Gonzalez, Sergio; Rorig, Marcela; Talia, Paola; Grasso, Daniel H; Sáez, Felicia; Manzanares Secades, Paloma; Ballesteros Perdices, Mercedes; Cataldi, Angel A
2014-01-01
The use of lignocellulosic biomass for second generation biofuels requires optimization of enzymatic breakdown of plant cell walls. In this work, cellulolytic bacteria were isolated from a native and two cultivated forest soil samples. Amplification of glycosyl hydrolases was attempted by using a low stringency-degenerate primer PCR strategy, using total soil DNA and bulk DNA pooled from positive colonies as template. A set of primers was designed based on Acidothermus cellulolyticus genome, by search of conserved domains of glycosyl hydrolases (GH) families of interest. Using this approach, a fragment containing an open reading frame (ORF) with 98% identity to a putative GH43 beta-xylosidase coding gene from Enterobacter cloacae was amplified and cloned. The full protein was expressed in Escherichia coli as N-terminal or C-terminal His-tagged fusions and purified under native conditions. Only N-terminal fusion protein, His-Xyl43, presented beta-xylosidase activity. On pNPX, optimal activity was achieved at pH 6 and 40 °C and Km and Kcat values were 2.92 mM and 1.32 seg(-1), respectively. Activity was also demonstrated on xylobiose (X2), with Km 17.8 mM and Kcat 380 s(-1). These results demonstrated that Xyl43 is a functional beta-xylosidase and it is the first evidence of this activity for Enterobacter sp. Copyright © 2013 Elsevier GmbH. All rights reserved.
13. The Impact of DNA Topology and Guide Length on Target Selection by a Cytosine-Specific Cas9.
Science.gov (United States)
Tsui, Tsz Kin Martin; Hand, Travis H; Duboy, Emily C; Li, Hong
2017-06-16
Cas9 is an RNA-guided DNA cleavage enzyme being actively developed for genome editing and gene regulation. To be cleaved by Cas9, a double stranded DNA, or the protospacer, must be complementary to the guide region, typically 20-nucleotides in length, of the Cas9-bound guide RNA, and adjacent to a short Cas9-specific element called Protospacer Adjacent Motif (PAM). Understanding the correct juxtaposition of the protospacer- and PAM-interaction with Cas9 will enable development of versatile and safe Cas9-based technology. We report identification and biochemical characterization of Cas9 from Acidothermus cellulolyticus (AceCas9). AceCas9 depends on a 5'-NNNCC-3' PAM and is more efficient in cleaving negative supercoils than relaxed DNA. Kinetic as well as in vivo activity assays reveal that AceCas9 achieves optimal activity when combined with a guide RNA containing a 24-nucleotide complementarity region. The cytosine-specific, DNA topology-sensitive, and extended guide-dependent properties of AceCas9 may be explored for specific genome editing applications.
14. Plastic deformation of single crystals of WSi2 with the C11b structure
International Nuclear Information System (INIS)
Ito, K.; Yano, T.; Nakamoto, T.; Inui, H.; Yamaguchi, M.
1999-01-01
The deformation behavior of single crystals of WSi 2 has been investigated as a function of crystal orientation in the temperature range from room temperature to 1500 C in compression. Single crystals of WSi 2 can be deformed only at high temperatures above 1100 C, in contrast to MoSi 2 in which plastic flow is possible even at room temperature. Four slip systems, {110} left-angle 111 right-angle, {011} left-angle 100 right-angle, {023} left-angle 100 right-angle and (001)left-angle 100 right-angle, are identified. While the former three slip systems are operative also in MoSi 2 , the (001)left-angle 100 right-angle slip is only operative in WSi 2 . The (001)left-angle 100 right-angle slip in WSi 2 is the alternative to {013} left-angle 331 right-angle slip in MoSi 2 since they are operative in the same orientation range. Slip on {110} left-angle 331 right-angle is hardly observed in WSi 2 . The values of critical resolved shear stress (CRSS) for the commonly observed slip systems are much higher in WSi 2 than in MoSi 2 with the largest difference for {110} left-angle 111 right-angle slip. The higher CRSS values in WSi 2 are not only due to the intrinsic difference in the deformation behavior but also due to the existence of numerous grown-in stacking faults on (001)
15. PRELIMINARY PROJECT PLAN FOR LANSCE INTEGRATED FLIGHT PATHS 11A, 11B, 12, and 13
International Nuclear Information System (INIS)
Bultman, D. H.; Weinacht, D.
2000-01-01
This Preliminary Project Plan Summarizes the Technical, Cost, and Schedule baselines for an integrated approach to developing several flight paths at the Manual Lujan Jr. Neutron Scattering Center at the Los Alamos Neutron Science Center. For example, the cost estimate is intended to serve only as a rough order of magnitude assessment of the cost that might be incurred as the flight paths are developed. Further refinement of the requirements and interfaces for each beamline will permit additional refinement and confidence in the accuracy of all three baselines (Technical, Cost, Schedule)
16. Does John 17:11b, 21−23 refer to church unity?
African Journals Online (AJOL)
Test
2010-09-13
Sep 13, 2010 ... thought. Even when doing a colon analysis, revealing the obvious time consuming, well planned rhetorical structure of ... 1984:125) and then take action to realise it (Jacobs 2007:7). ..... The fusion of Platonism and Stoicism.
17. Novel description of aldosterone synthase CYP11B2 - 344 T>C ...
African Journals Online (AJOL)
user
344 T>C gene polymorphism related to hypertension in. Mexican Amerindians: ... ischemic stroke, atrial fibrillation, heart failure, hypertension, blood pressure and coronary artery disease ..... disease secondary to IgA nephropaty. Chin Med J.
18. Study of CT and etiology In 11B cases of eoute headache without hemlplegla
Institute of Scientific and Technical Information of China (English)
Daoming Tong
2000-01-01
objectal To study the relation between CT and etiology of acute headache without hemiplegia. Methods 118 cases of acute headache without hemiplegia were studied with CT scan. The patients with normal CT were diagnosed with lumbar punc -tura or diagnostic standard for establishing disease. Results The first three etiologies were cerebrovescular disease (65 cases, 55%), migraine (25 cases, 21%), meningitis and encephalitis (19 cases, 155. 9%). 53% of patients with subarachnoid hemorrhage(SAH) was diagnosed in CT unnormal group, and 12.4% of patients with Sall was showed by lumbar puncture in CT normal group(P<0. 001). CT was normal in 18% of patients with a definite SAH(7/39). The positive rates of intracranial infection in CT normal group(by lumbar puncture) was reearkably higher than in CT unnormal group (18/58 versus 2/60, p<0.005), Conolusion CT is more sensitive to intracranial hemorrhage, tumor and infarction. SAH of a negative Ctscan is not rare. CT is far inferior to lumbar puncture in meningitis or encephalitis.
19. Neutrophil-surface antigens CD11b and CD64 expression: a ...
African Journals Online (AJOL)
Ehab
chorioamnionitis5, or peripartum maternal fever6. Early detection of ... retrospectively, in two groups: sepsis and no infection, on basis of clinical observation over ..... expression in the diagnosis of late-onset nosocomial infection in the very low ...
20. On the predictions of the 11B solid state NMR parameters
Czech Academy of Sciences Publication Activity Database
Czernek, Jiří; Brus, Jiří
655–656, 1 July (2016), s. 66-70 ISSN 0009-2614 R&D Projects: GA MŠk(CZ) LO1507 Institutional support: RVO:61389013 Keywords : NMR * DFT * GIPAW Subject RIV: CD - Macromolecular Chemistry Impact factor: 1.815, year: 2016
1. IN11B-1621: Quantifying How Climate Affects Vegetation in the Amazon Rainforest
Science.gov (United States)
Das, Kamalika; Kodali, Anuradha; Szubert, Marcin; Ganguly, Sangram; Bongard, Joshua
2016-01-01
Amazon droughts in 2005 and 2010 have raised serious concern about the future of the rainforest. Amazon forests are crucial because of their role as the largest carbon sink in the world which would effect the global warming phenomena with decreased photosynthesis activity. Especially, after a decline in plant growth in 1.68 million km2 forest area during the once-in-a-century severe drought in 2010, it is of primary importance to understand the relationship between different climatic variables and vegetation. In an earlier study, we have shown that non-linear models are better at capturing the relation dynamics of vegetation and climate variables such as temperature and precipitation, compared to linear models. In this research, we learn precise models between vegetation and climatic variables (temperature, precipitation) for normal conditions in the Amazon region using genetic programming based symbolic regression. This is done by removing high elevation and drought affected areas and also considering the slope of the region as one of the important factors while building the model. The model learned reveals new and interesting ways historical and current climate variables affect the vegetation at any location. MAIAC data has been used as a vegetation surrogate in our study. For temperature and precipitation, we have used TRMM and MODIS Land Surface Temperature data sets while learning the non-linear regression model. However, to generalize the model to make it independent of the data source, we perform transfer learning where we regress a regularized least squares to learn the parameters of the non-linear model using other data sources such as the precipitation and temperature from the Climatic Research Center (CRU). This new model is very similar in structure and performance compared to the original learned model and verifies the same claims about the nature of dependency between these climate variables and the vegetation in the Amazon region. As a result of this study, we are able to learn, for the very first time how exactly different climate factors influence vegetation at any location in the Amazon rainforests, independent of the specific sources from which the data has been obtained.
2. The Determination of 11B/10B and 87Sr/86Sr Isotope Ratios by ...
African Journals Online (AJOL)
NICO
Department of Chemistry, University of Johannesburg, PO Box 524, Johannesburg, 2006, South Africa. Received 31 ... the analysis of organic wine components4,5, multi-element analysis6–10 ... and lead, has found application in the authentication of food ..... tions were loge transformed to ensure that the varying elemental.
3. Raman and 11B nuclear magnetic resonance spectroscopic studies of alkaline-earth lanthanoborate glasses
International Nuclear Information System (INIS)
Brow, R.K.; Tallant, D.R.; Turner, G.L.
1996-01-01
Glasses from the RO·La 2 O 3 ·B 2 O 3 (R = Mg, Ca, and Ba) systems have been examined. Glass formation is centered along the metaborate tie line, from La(BO 2 ) 3 to R(BO 2 ) 2 . Glasses generally have transition temperatures >600 C and expansion coefficients between 60 x 10 -7 /C and 100 x 10 -7 /C. Raman and solid-state nuclear magnetic resonance spectroscopies reveal changes in the metaborate network that depend on both the [R]:[La] ratio and the type of alkaline-earth ion. The fraction of tetrahedral sites is generally reduced in alkaline-earth-rich glasses, with magnesium glasses possessing the lowest concentration of B[4]. Raman spectra indicate that, with increasing [R]:[La] ratio, the preferred metaborate anion changes from a double-chain structure associated with crystalline La(BO 2 ) 3 to the single-chain and ring metaborate anions found in crystalline R(BO 2 ) 2 phases. In addition, disproportionation of the metaborate anions leads to the formation of a variety of other species, including pyroborates with terminal oxygens and more-polymerized species, such as diborates, with tetrahedral borons. Such structural changes are related to the ease of glass formation and some of the glass properties
4. Radio Frequency Fingerprinting Techniques Through Preamble Modification in IEEE 802.11B
Science.gov (United States)
2014-06-30
4.2.1 Wald–Wolfowitz Runs Test . . . . . . . . . . . . . . . . . . . . . . 41 4.2.2 Wald–Wolfowitz Application to SXS System . . . . . . . . . . . . 42...Station SXS Signals eXploitation System USB Universal Serial Bus xiv Acronym Definition USRP Universal Software Radio Peripheral WLAN Wireless Local...Electronics Engineers (IEEE) defines standards applicable to the IEEE 802.11 protocol, however the standard does not reach the level of specificity to dictate
5. Machine Learning Techniques for Characterizing IEEE 802.11b Encrypted Data Streams
National Research Council Canada - National Science Library
Henson, Michael
2004-01-01
.... Even though there have been major advancements in encryption technology, security protocols and packet header obfuscation techniques, other distinguishing characteristics do exist in wireless network traffic...
6. Utilization of steam- and explosion-decompressed aspen wood by some anaerobes. [Acetivibrio cellulolyticus, Clostridium saccharolyticum, Zymomonas anaerobia
Energy Technology Data Exchange (ETDEWEB)
Khan, A W; Asther, M; Giuliano, C
1984-01-01
Tests made to study the suitability of using steam- and explosion-decompressed aspen wood as substrate in anaerobic fermentations indicated that after washing with dilute NaOH it becomes over 80% accessible to both mesophilic and thermophilic cellulolytic anaerobes and cellulases, compared with delignified, ball-milled pulp. After washing, this material was also found to be suitable for the single-step conversion of cellulose to ethanol using cocultures consisting of cellylolytic and ethanol-producing saccharolytic anaerobes; and without and after washing by the use of cellulolytic enzymes and ethanologenic anaerobes. 16 references, 3 tables.
7. Comparative analysis of mycobacterium and related actinomycetes yields insight into the evolution of mycobacterium tuberculosis pathogenesis
Directory of Open Access Journals (Sweden)
McGuire Abigail
2012-03-01
Full Text Available Abstract Background The sequence of the pathogen Mycobacterium tuberculosis (Mtb strain H37Rv has been available for over a decade, but the biology of the pathogen remains poorly understood. Genome sequences from other Mtb strains and closely related bacteria present an opportunity to apply the power of comparative genomics to understand the evolution of Mtb pathogenesis. We conducted a comparative analysis using 31 genomes from the Tuberculosis Database (TBDB.org, including 8 strains of Mtb and M. bovis, 11 additional Mycobacteria, 4 Corynebacteria, 2 Streptomyces, Rhodococcus jostii RHA1, Nocardia farcinia, Acidothermus cellulolyticus, Rhodobacter sphaeroides, Propionibacterium acnes, and Bifidobacterium longum. Results Our results highlight the functional importance of lipid metabolism and its regulation, and reveal variation between the evolutionary profiles of genes implicated in saturated and unsaturated fatty acid metabolism. It also suggests that DNA repair and molybdopterin cofactors are important in pathogenic Mycobacteria. By analyzing sequence conservation and gene expression data, we identify nearly 400 conserved noncoding regions. These include 37 predicted promoter regulatory motifs, of which 14 correspond to previously validated motifs, as well as 50 potential noncoding RNAs, of which we experimentally confirm the expression of four. Conclusions Our analysis of protein evolution highlights gene families that are associated with the adaptation of environmental Mycobacteria to obligate pathogenesis. These families include fatty acid metabolism, DNA repair, and molybdopterin biosynthesis. Our analysis reinforces recent findings suggesting that small noncoding RNAs are more common in Mycobacteria than previously expected. Our data provide a foundation for understanding the genome and biology of Mtb in a comparative context, and are available online and through TBDB.org.
8. Comparative analysis of Mycobacterium and related Actinomycetes yields insight into the evolution of Mycobacterium tuberculosis pathogenesis.
Science.gov (United States)
McGuire, Abigail Manson; Weiner, Brian; Park, Sang Tae; Wapinski, Ilan; Raman, Sahadevan; Dolganov, Gregory; Peterson, Matthew; Riley, Robert; Zucker, Jeremy; Abeel, Thomas; White, Jared; Sisk, Peter; Stolte, Christian; Koehrsen, Mike; Yamamoto, Robert T; Iacobelli-Martinez, Milena; Kidd, Matthew J; Maer, Andreia M; Schoolnik, Gary K; Regev, Aviv; Galagan, James
2012-03-28
The sequence of the pathogen Mycobacterium tuberculosis (Mtb) strain H37Rv has been available for over a decade, but the biology of the pathogen remains poorly understood. Genome sequences from other Mtb strains and closely related bacteria present an opportunity to apply the power of comparative genomics to understand the evolution of Mtb pathogenesis. We conducted a comparative analysis using 31 genomes from the Tuberculosis Database (TBDB.org), including 8 strains of Mtb and M. bovis, 11 additional Mycobacteria, 4 Corynebacteria, 2 Streptomyces, Rhodococcus jostii RHA1, Nocardia farcinia, Acidothermus cellulolyticus, Rhodobacter sphaeroides, Propionibacterium acnes, and Bifidobacterium longum. Our results highlight the functional importance of lipid metabolism and its regulation, and reveal variation between the evolutionary profiles of genes implicated in saturated and unsaturated fatty acid metabolism. It also suggests that DNA repair and molybdopterin cofactors are important in pathogenic Mycobacteria. By analyzing sequence conservation and gene expression data, we identify nearly 400 conserved noncoding regions. These include 37 predicted promoter regulatory motifs, of which 14 correspond to previously validated motifs, as well as 50 potential noncoding RNAs, of which we experimentally confirm the expression of four. Our analysis of protein evolution highlights gene families that are associated with the adaptation of environmental Mycobacteria to obligate pathogenesis. These families include fatty acid metabolism, DNA repair, and molybdopterin biosynthesis. Our analysis reinforces recent findings suggesting that small noncoding RNAs are more common in Mycobacteria than previously expected. Our data provide a foundation for understanding the genome and biology of Mtb in a comparative context, and are available online and through TBDB.org.
9. Structure and distribution of cross-links in boron-modified phenol-formaldehyde resins designed for soft magnetic composites: a multiple-quantum 11B-11B MAS NMR correlation spectroscopy study
Czech Academy of Sciences Publication Activity Database
Kobera, Libor; Czernek, Jiří; Strečková, M.; Urbanová, Martina; Abbrent, Sabina; Brus, Jiří
2015-01-01
Roč. 48, č. 14 (2015), s. 4874-4881 ISSN 0024-9297 R&D Projects: GA MŠk(CZ) LD14010 Grant - others:European Commission(XE) COST Action MP1202 HINT Institutional support: RVO:61389013 Keywords : phenol-formaldehyde polymers * boron crosslinks * soft magnetic composites Subject RIV: CD - Macromolecular Chemistry Impact factor: 5.554, year: 2015
10. 17 CFR 260.11b-4 - Definition of “cash transaction” in section 311(b)(4).
Science.gov (United States)
2010-04-01
... transaction”, as used in section 311(b)(4), means any transaction in which full payment for goods or securities sold is made within 7 days after delivery of the goods or securities in currency or in checks or...
11. CO2 over the past 5 million years : Continuous simulation and new δ11B-based proxy data
NARCIS (Netherlands)
Stap, Lennert B.; de Boer, Bas|info:eu-repo/dai/nl/304023183; Ziegler, Martin|info:eu-repo/dai/nl/304838284; Bintanja, Richard; Lourens, Lucas J.|info:eu-repo/dai/nl/125023103; van de Wal, Roderik S W|info:eu-repo/dai/nl/101899556
2016-01-01
During the past five million yrs, benthic δ18O records indicate a large range of climates, from warmer than today during the Pliocene Warm Period to considerably colder during glacials. Antarctic ice cores have revealed Pleistocene glacial-interglacial CO2 variability of 60-100 ppm, while sea level
12. An 11b 3.6GS/s time-Iiterleaved SAR ADC in 65nm CMOS
NARCIS (Netherlands)
Janssen, E.J.G.; Doris, K.; Zanikopoulos, A.; Murroni, A.; Weide, van der G.; Lin, Y.; Alvado, L.; Darthenay, F.; Fregeais, Y.
2013-01-01
Over the last years several low-power time-interleaved (TI) ADC designs in the 2.5-to-3.0GS/s range have been published [1-3], intended for integration in applications like radar, software-defined radio, full-spectrum cable modems, and multi-channel satellite reception. It is to be expected that
13. Observation of monopole strength in the 12C(e,e'p0)11B reaction
International Nuclear Information System (INIS)
Calarco, J.R.; Arruda-Neto, J.; Griffioen, K.A.; Hanna, S.S.; Hoffmann, D.H.H.; Neyer, B.; Rand, R.E.; Wienhard, K.; Yearian, M.R.
1984-01-01
The location of the giant monopole resonance and, therefore, the compressibility is unknown in light nuclei. The forward-backward (e, e'p) angular correlation asymmetry from 12 C has been measured and found to be very sensitive to monopole strength in the giant dipole resonance region. Similar reactions will, thus, provide a sensitive tool in the search for monopole strength in light nuclei. (orig.)
14. Case Study Application of Determining End of Physical Life Using Survival Analysis (WERF Report INFR2R11b)
Science.gov (United States)
Abstract: This case study application provides discussion on a selected application of advanced concepts, included in the End of Asset Life Reinvestment decision-making process tool, using Milwaukee Metropolitan Sewer District (MMSD) pump and motor data sets. The tool provides s...
15. Osteoclasts in multiple myeloma are derived from Gr-1+CD11b+myeloid-derived suppressor cells.
Directory of Open Access Journals (Sweden)
Junling Zhuang
Full Text Available Osteoclasts play a key role in the development of cancer-associated osteolytic lesions. The number and activity of osteoclasts are often enhanced by tumors. However, the origin of osteoclasts is unknown. Myeloid-derived suppressor cells (MDSCs are one of the pre-metastatic niche components that are induced to expand by tumor cells. Here we show that the MDSCs can differentiate into mature and functional osteoclasts in vitro and in vivo. Inoculation of 5TGM1-GFP myeloma cells into C57BL6/KaLwRij mice led to a significant expansion of MDSCs in blood, spleen, and bone marrow over time. When grown in osteoclastogenic media in vitro, MDSCs from tumor-challenged mice displayed 14 times greater potential to differentiate into mature and functional osteoclasts than those from non-tumor controls. Importantly, MDSCs from tumor-challenged LacZ transgenic mice differentiated into LacZ+osteoclasts in vivo. Furthermore, a significant increase in tumor burden and bone loss accompanied by increased number of osteoclasts was observed in mice co-inoculated with tumor-challenged MDSCs and 5TGM1 cells compared to the control animals received 5TGM1 cells alone. Finally, treatment of MDSCs from myeloma-challenged mice with Zoledronic acid (ZA, a potent inhibitor of bone resorption, inhibited the number of osteoclasts formed in MDSC cultures and the expansion of MDSCs and bone lesions in mice. Collectively, these data provide in vitro and in vivo evidence that tumor-induced MDSCs exacerbate cancer-associated bone destruction by directly serving as osteoclast precursors.
16. Development of a Physical Employment Testing Battery for Infantry Soldiers: 11B Infantryman and 11C Infantryman - Indirect Fire
Science.gov (United States)
2015-12-01
quickly as possible and ran around the course in the direction indicated, without knocking over the cones. Time to complete the course was recorded (14...in order to reduce the cost of collecting equipment. Additionally, all the tests used may be readily purchased at a sporting goods store. The third...a sporting goods store. The third model resulted in a test battery that included the medicine ball put, squat lift, Illinois agility test (lower
17. Toxic effects of various pollutants in 11B7501 lymphoma B cell line from harbour seal (Phoca vitulina)
International Nuclear Information System (INIS)
Frouin, Heloise; Fortier, Marlene; Fournier, Michel
2010-01-01
Although, heavy metals and polycyclic aromatic hydrocarbons (PAHs) have been reported at high levels in marine mammals, little is known about the toxic effects of some of these contaminants. In this study, we assessed the immunotoxic and genotoxic effects of seven heavy metals (arsenic, vanadium, selenium, iron, zinc, silver and chromium) and one PAH (benzo[a]pyrene or B[a]P) on a lymphoma B cell line from harbour seal (Phoca vitulina). A significant reduction in lymphocyte proliferation was registered following an exposure to 0.05 μM of B[a]P, 5 μM of arsenic or selenium, 50 μM of vanadium, 100 μM of silver and 200 μM of iron. On the contrary, zinc increased the lymphoproliferative response at 200 μM. Decreased phagocytosis was observed at 20 μM of arsenic, 50 μM of B[a]P or selenium, 200 μM of zinc and 500 μM of vanadium. Micronuclei induction occurred with 0.2 μM of B[a]P, 100 μM of vanadium and with 200 μM of arsenic or selenium. Exposure to 50 μM of arsenic decreased G 2 /M phase of the cell cycle. Chromium did not induce any effects at the concentrations tested. Concentrations of heavy metals (except silver and vanadium) and B[a]P inducing an toxic effect are within the environmental ranges reported in the blood tissue of pinnipeds. The reduction of some functional activities of the harbour seal immune system may cause a significant weakness capable of altering host resistance to disease in free-ranging pinnipeds.
18. Application of Tactical Data Systems for Training. Volume III. Development of Courseware and Analysis of Results for MOS 11B40
Science.gov (United States)
1974-01-02
CRITERION ITEM(S) 5. Directs and controls the assault (select a letter) (A) 6. Covers the withdrawal of the assault element (D) (select a letter...Grenadier Rifleman ffeam Leader lAutomatic Rifleman IGrenadier Rifleman JR1_fleman Squad Member Initials SL TL AR G R TL AR G R R
19. Application of Copper Indium Gallium Diselenide Photovoltaic Cells to Extend the Endurance and Capabilities of the Raven RQ-11B Unmanned Aerial Vehicle
Science.gov (United States)
2010-09-01
POWER POINT TRACKER A more suitable component used in photovoltaic appli- cations is the Maximum Power Point Tracker ( MPPT ). An MPPT ... MPPT / power converter (Solar Charge Controller ) weighed 6.5-Oz, but without the casing it weighed only 3.6-Oz. We preferred to use it without the...for this test was the GV-4 Low Power Charge Controller from GENASUN used in previous the- sis work [5]. This MPPT was programmed to charge up
20. The anti-tumor effect of the quinoline-3-carboxamide tasquinimod: blockade of recruitment of CD11b+ Ly6Chi cells to tumor tissue reduces tumor growth
International Nuclear Information System (INIS)
Deronic, Adnan; Leanderson, Tomas; Ivars, Fredrik
2016-01-01
Previous work has demonstrated immunomodulatory, anti-tumor, anti-metastatic and anti-angiogenic effects of the small molecule quinoline-3-carboxamide tasquinimod in pre-clinical cancer models. To better understand the anti-tumor effects of tasquinimod in transplantable tumor models, we have evaluated the impact of the compound both on recruitment of myeloid cells to tumor tissue and on tumor-induced myeloid cell expansion as these cells are known to promote tumor development. Mice bearing subcutaneous 4 T1 mammary carcinoma tumors were treated with tasquinimod in the drinking water. A BrdU-based flow cytometry assay was utilized to assess the impact of short-term tasquinimod treatment on myeloid cell recruitment to tumors. Additionally, long-term treatment was performed to study the anti-tumor effect of tasquinimod as well as its effects on splenic myeloid cells and their progenitors. Myeloid cell populations were also immune-depleted by in vivo antibody treatment. Short-term tasquinimod treatment did not influence the proliferation of splenic Ly6C hi and Ly6G hi cells, but instead reduced the influx of Ly6C hi cells to the tumor. Treatment with tasquinimod for various periods of time after tumor inoculation revealed that the anti-tumor effect of this compound mainly operated during the first few days of tumor growth. Similar to tasquinimod treatment, antibody-mediated depletion of Ly6C hi cells within that same time frame, caused reduced tumor growth, thereby confirming a significant role for these cells in tumor development. Additionally, long-term tasquinimod treatment reduced the splenomegaly and expansion of splenic myeloid cells during a later phase of tumor development. In this phase, tasquinimod normalized the tumor-induced alterations in myeloerythroid progenitor cells in the spleen but had only limited impact on the same populations in the bone marrow. Our results indicate that tasquinimod treatment reduces tumor growth by operating early after tumor inoculation and that this effect is at least partially caused by reduced recruitment of Ly6C hi cells to tumor tissue. Long-term treatment also reduces the number of splenic myeloid cells and myeloerythroid progenitors, but these effects did not influence established rapidly growing tumors. The online version of this article (doi:10.1186/s12885-016-2481-0) contains supplementary material, which is available to authorized users
1. The plane-wave DFT investigations into the structure and the 11B solid-state NMR parameters of lithium fluorooxoborates
Czech Academy of Sciences Publication Activity Database
Czernek, Jiří; Brus, Jiří
2016-01-01
Roč. 666, 1 December (2016), s. 22-27 ISSN 0009-2614 R&D Projects: GA MŠk(CZ) LO1507 Institutional support: RVO:61389013 Keywords : NMR * DFT * fluorooxoborates Subject RIV: CD - Macromolecular Chemistry Impact factor: 1.815, year: 2016
2. 1H, 19F and 11B nuclear magnetic resonance characterization of BF3:amine catalysts used in the cure of C fiber-epoxy prepregs
International Nuclear Information System (INIS)
Happe, J.A.; Morgan, R.J.; Walkup, C.M.
1983-12-01
The chemical composition of commercial BF 3 :amine complexes are variable and contain BF 4 - and BF 3 (OH) - salts together with other unidentified highly reactive species. The BF 3 :amine complexes, which are susceptible to hydrolysis, also partially convert to the BF 4 - salt (i.e. BF 4 - NH 3 + C 2 H 5 ) upon heating. This salt formation is accelerated in dimethyl sulfoxide solution and in the presence of the epoxides that are present in commercial prepregs. Commercial C fiber-epoxy prepregs are shown to contain either BF 3 :NH 2 C 2 H 5 or BF 3 :NHC 5 H 10 species together with their BF 4 - salts and a variety of boron-fluorine or carbon-fluorine prepreg species. Considerable variation in the relative quantities of BF 3 :amine to its BF 4 - salt was observed from prepreg lot to lot, which will cause variable viscosity-time-temperature prepreg cure profiles. It is concluded that the chemically stable and mobile BF 4 - salt is the pre-dominant catalytic species, acting as a cationic catalyst for the prepreg cure reactions. During the early stages of cure the BF 3 :amine catalyst converts to the BF 4 - salt in the presence of epoxides, whereas the BF 3 -prepreg species are susceptible to catalytic deactivation and immobilization
3. 2-Ethyl-6-(2-pyridyl-5,6,6a,11b-tetrahydro-7H-indeno[2,1-c]quinoline
Directory of Open Access Journals (Sweden)
Alexander Briceño
2010-03-01
Full Text Available The title compound, C23H22N2, was obtained using the three-component imino Diels–Alder reaction via a one-pot condensation between anilines, α-pyridinecarboxyaldehyde and indene using BF3·OEt2 as the catalyst. The molecular structure reveals the cis-form as the unique diastereoisomer. The crystal structure comprises one-dimensional zigzag ribbons connected via N—H...N hydrogen bonds. C—H...π interactions also occur.
4. Application of a Ligand-based theoretical approach to derive conversion paths and Ligand conformations in CYP11B2-mediated aldosterone formation
NARCIS (Netherlands)
Roumen, L.; Hoof, van B.; Pieterse, K.; Hilbers, P.A.J.; Custers, E.M.G.; Plate, R.; Gooyer, de M.E.; Beugels, I.P.E.; Emmen, J.M.A.; Leysen, D.; Smits, J.F.M.; Ottenheijm, H.C.J.; Hermans, J.J.R.M.
2011-01-01
The biosynthesis of the mineralocorticoid hormone aldosterone involves a multistep hydroxylation of 11-deoxycorticosterone at the 11- and 18-positions, resulting in the formation of corticosterone and 18-hydroxycorticosterone, the final precursor of aldosterone. Two members of the cytochrome P450
5. Non-canonical Wnt signaling through Wnt5a/b and a novel Wnt11 gene, Wnt11b, regulates cell migration during avian gastrulation
OpenAIRE
Hardy, Katharine M.; Garriock, Robert J.; Yatskievych, Tatiana A.; D'Agostino, Susan L.; Antin, Parker B.; Krieg, Paul A.
2008-01-01
Knowledge of the molecular mechanisms regulating cell ingression, epithelial-mesenchymal transition and migration movements during amniote gastrulation is steadily improving. In the frog and fish embryo, Wnt5 and Wnt11 ligands are expressed around the blastopore and play an important role in regulating cell movements associated with gastrulation. In the chicken embryo, although Wnt5a and Wnt5b are expressed in the primitive streak, the known Wnt11 gene is expressed in paraxial and intermediat...
6. Evidence for small intracellular vesicles in human blood phagocytes containing cytochrome b558 and the adhesion molecule CD11b/CD18
NARCIS (Netherlands)
Calafat, J.; Kuijpers, T. W.; Janssen, H.; Borregaard, N.; Verhoeven, A. J.; Roos, D.
1993-01-01
Human neutrophils contain a rapidly mobilizable pool of so-called secretory vesicles distinct from the azurophil granules and specific granules. Using human albumin as a marker for these intracellular vesicles in immuno-electron microscopy, we found that part of the cytochrome b558 in non-purified
7. Phospholipase D-derived phosphatidic acid is involved in the activation of the CD11b/CD18 integrin in human eosinophils
NARCIS (Netherlands)
Tool, A. T.; Blom, M.; Roos, D.; Verhoeven, A. J.
1999-01-01
Priming of human eosinophils is an essential event for the respiratory burst induced by serum-opsonized particles [serum-treated zymosan (STZ)]. In this study we have found that treatment of eosinophils with platelet-activating factor (PAF) leads to activation of phospholipase D. Inhibition of the
8. d(−) Lactic Acid-Induced Adhesion of Bovine Neutrophils onto Endothelial Cells Is Dependent on Neutrophils Extracellular Traps Formation and CD11b Expression
OpenAIRE
Pablo Alarcón; Carolina Manosalva; Carolina Manosalva; Ivan Conejeros; María D. Carretta; Tamara Muñoz-Caro; Liliana M. R. Silva; Anja Taubert; Carlos Hermosilla; María A. Hidalgo; Rafael A. Burgos
2017-01-01
Bovine ruminal acidosis is of economic importance as it contributes to reduced milk and meat production. This phenomenon is mainly attributed to an overload of highly fermentable carbohydrate, resulting in increased d(−) lactic acid levels in serum and plasma. Ruminal acidosis correlates with elevated acute phase proteins in blood, along with neutrophil activation and infiltration into various tissues leading to laminitis and aseptic polysynovitis. Previous studies in bovine neutrophils indic...
9. Rough order of magnitude cost estimate for immobilization of 50 MT of plutonium using existing facilities at Hanford: alternative 11B
International Nuclear Information System (INIS)
DiSabatino, A.
1998-01-01
The purpose of this Cost Estimate Report is to identify preliminary capital and operating costs for a facility to immobilize 50 metric tons (nominal) of plutonium as a ceramic in an existing facility at Hanford, the Fuels and Materials Examination Facility (FMEF)
10. Coexistence of IEEE 802.11b/g WLANs and IEEE 802.15.4 WSNs : Modeling and Protocol Enhancements
NARCIS (Netherlands)
Yuan, W.
2011-01-01
As an emerging short-range wireless technology, IEEE 802.15.4/ZigBee Wireless Sensor Networks (WSNs) are increasingly used in the fields of home control, industrial control, consumer electronics, energy management, building automation, telecom services, personal healthcare, etc. IEEE
11. INDUCTION OF LOW-DENSITY AND UP-REGULATION OF CD11B EXPRESSION OF NEUTROPHILS AND EOSINOPHILS BY DEXTRAN SEDIMENTATION AND CENTRIFUGATION
NARCIS (Netherlands)
DIJKHUIZEN, B; DEMONCHY, JGR; GERRITSEN, J; KAUFFMAN, HF
1994-01-01
Neutrophils and eosinophils circulating in an activated state are of low density. However, purification procedures such as dextran sedimentation and centrifugation may influence the density and function of cells. In the present study we have evaluated the effect of dextran sedimentation and
12. Antigen Targeting to CD11b+ Dendritic Cells in Association with TLR4/TRIF Signaling Promotes Strong CD8+ T Cell Responses
Czech Academy of Sciences Publication Activity Database
Dadaglio, G.; Fayolle, C.; Zhang, X.; Ryffel, B.; Oberkampf, M.; Felix, T.; Hervas-Stubbs, S.; Osička, Radim; Šebo, Peter; Ladant, D.; Leclerc, C.
2014-01-01
Roč. 193, č. 2 (2014), s. 1787-1798 ISSN 0022-1767 R&D Projects: GA ČR(CZ) GAP302/11/0580; GA ČR GAP302/12/0460 Grant - others:EU´s Seventh Framework Programme 280873 Institutional support: RVO:61388971 Keywords : antigen * dendritic cells * receptors Subject RIV: EE - Microbiology, Virology Impact factor: 4.922, year: 2014
13. Fibrin(ogen) is internalized and degraded by activated human monocytoid cells via Mac-1 (CD11b/CD18): a nonplasmin fibrinolytic pathway.
Science.gov (United States)
Simon, D I; Ezratty, A M; Francis, S A; Rennke, H; Loscalzo, J
1993-10-15
14. Analysis of the Sustainment Organization and Process for the Marine Corps’ RQ-11B Raven Small Unmanned Aircraft System (SUAS)
Science.gov (United States)
2012-03-01
Vehicle UAS Unmanned Aircraft System UCAV Unmanned Combat Air Vehicles xvii UNS Universal Needs Statement USMC United States Marine Corps VLC ...she helped motivate me to finish this project—as challenging as it may be to work under the conditions set by an infant. And, finally, thanks to...In every aspect of program management, the DoD acquisition workforce is constantly challenged to balance cost, schedule, and performance. In a
15. Increased serum levels of MRP-8/14 in type 1 diabetes induce an increased expression of CD11b and an enhanced adhesion of circulating monocytes to fibronectin
NARCIS (Netherlands)
G. Bouma (Gerben); W.K. Lam-Tse; A.F. Wierenga-Wolf (Annet); H.A. Drexhage (Hemmo); M.A. Versnel (Marjan)
2004-01-01
textabstractThe recruitment of monocytes from the bloodstream is crucial in the accumulation of macrophages and dendritic cells in type 1 diabetic pancreases. Adhesion via integrins to endothelium and extracellular matrix proteins, such as fibronectin (FN), and the production of
16. Ketamine inhibits transcription factors activator protein 1 and nuclear factor-kappaB, interleukin-8 production, as well as CD11b and CD16 expression: studies in human leukocytes and leukocytic cell lines.
NARCIS (Netherlands)
Welters, I.D.; Hafer, G.; Menzebach, A.; Muhling, J.; Neuhauser, C.; Browning, P.; Goumon, Y.
2010-01-01
BACKGROUND: Recent data indicate that ketamine exerts antiinflammatory actions. However, little is known about the signaling mechanisms involved in ketamine-induced immune modulation. In this study, we investigated the effects of ketamine on lipopolysaccharide-induced activation of transcription
17. An efficient 2D 11B–11B solid-state NMR spectroscopy strategy for monitoring covalent self-assembly of boronic acid-derived compounds: the transformation and unique architecture of bortezomib molecules in the solid state
Czech Academy of Sciences Publication Activity Database
Brus, Jiří; Czernek, Jiří; Urbanová, Martina; Kobera, Libor; Jegorov, A.
2017-01-01
Roč. 19, č. 1 (2017), s. 487-495 ISSN 1463-9076 R&D Projects: GA ČR(CZ) GA14-03636S; GA ČR(CZ) GA16-04109S; GA MŠk(CZ) LO1507 Institutional support: RVO:61389013 Keywords : NMR crystalography * bortezomib * solid-state self-assembly Subject RIV: CD - Macromolecular Chemistry OBOR OECD: Polymer science Impact factor: 4.123, year: 2016
18. The expression of CD25, CD11b, SWC1, SWC7, MHC-II, and family of CD45 molecules can be used to characterize different stages of gamma delta T lymphocytes in pigs
Czech Academy of Sciences Publication Activity Database
Štěpánová, Kateřina; Šinkora, Marek
2012-01-01
Roč. 36, č. 4 (2012), s. 728-740 ISSN 0145-305X R&D Projects: GA ČR GA524/07/0087 Institutional research plan: CEZ:AV0Z50200510 Keywords : Porcine immune system * Cell surface molecules * Lymphocyte subpopulations Subject RIV: EC - Immunology Impact factor: 3.238, year: 2012
19. The roles of complement receptors type 1 (CR1, CD35) and type 3 (CR3, CD11b/CD18) in the regulation of the immune complex-elicited respiratory burst of polymorphonuclear leukocytes in whole blood
DEFF Research Database (Denmark)
Nielsen, C H; Antonsen, S; Matthiesen, S H
1997-01-01
The binding of immune complexes (IC) to polymorphonuclear leukocytes (PMN) and the consequent respiratory burst (RB) were investigated in whole blood cell preparations suspended in 75% human serum, using flow cytometry. Blockade of the complement receptor (CR)1 receptor sites for C3b on whole blood...... cells using the monoclonal antibody (mAb) 3D9 resulted in a 1.9-fold increase in the IC-elicited PMN RB after 5 min of incubation, rising to 3.1-fold after 40 min. This enhancement was not due to increased IC deposition on PMN. Blockade of CR3 abrogated the mAb 3D9-induced rise in RB activity...
20. The roles of complement receptors type 1 (CR1, CD35) and type 3 (CR3, CD11b/CD18) in the regulation of the immune complex-elicited respiratory burst of polymorphonuclear leukocytes in whole blood
DEFF Research Database (Denmark)
Nielsen, C H; Antonsen, S; Matthiesen, S H
1997-01-01
cells using the monoclonal antibody (mAb) 3D9 resulted in a 1.9-fold increase in the IC-elicited PMN RB after 5 min of incubation, rising to 3.1-fold after 40 min. This enhancement was not due to increased IC deposition on PMN. Blockade of CR3 abrogated the mAb 3D9-induced rise in RB activity...... and inhibited the IC binding to PMN in a whole blood cell preparation, with or without mAb 3D9, by approximately 40% from 15-40 min while reducing their RB over 40 min to approximately one third. Blockade of CR1 on either erythrocytes (E) or leukocytes, before mixing the populations, revealed...... that the potentiation of the RB by mAb 3D9 was associated with abrogation of E-CR1 function, whereas blockade of leukocyte-CR1 had a diminishing effect. Exposure to IC at high concentrations induced release of both specific and azurophilic granule contents from PMN. The latter was CR3 dependent in that blockade...
1. Probing the direct step of relativistic heavy ion fragmentation: (12C, 11B+p) at 2.1 GeV/nucleon with C and CH2 targets
International Nuclear Information System (INIS)
Webb, M.L.
1987-06-01
Relativistic heavy ion collisions may be classified as central (and near central), peripheral, and grazing with each collision type producing different proton and other charged projectile fragment scattering mechanisms and characteristics. This report focuses on peripheral and grazing collisions in the fragmentation of Carbon-12 into Boron-11 and a proton, testing models of the kinetics involved in this reaction. The data were measured at the Heavy Ion Superconducting Spectrometer (HISS) at Lawrence Berkeley Laboratory and include excitation energy for the p/Boron-11 pair, and rapidity versus transverse momentum for protons and Boron-11. 58 refs., 35 figs., 8 tabs
2. Simulation of TRAN B experiments by alumina thermite melt injection (SIMBATH out-of-pile experiments, TRAN simulation B1/1, B1/3, B1/4)
International Nuclear Information System (INIS)
Peppler, W.; Will, H.
1986-07-01
The SIMBATH programme was initiated to investigate the physical phenomena of transient material movement and relocation during transient overpower (TOP) and loss of flow (LOF) driven TOP accidents in LMFBR's. The energy release during the accident is simulated out of pile by the reaction of a thermite mixture. Within the frame of comparing studies of the behaviour of fuel (UO 2 ) and the thermite melt (Al 2 O 3 +Fe) used, respectively, the TRAN B series was reproduced out of pile with this thermite. Special emphasis is given to the similarities and differences in the freezing behaviour of these two materials. The test results of the simulation experiments are analysed and reported. Additionally the tests were recalculated with the code PLUGM. Similarity is found with respect to the freezing behaviour of these two materials. (orig.) [de
3. The synthesis of 1,2,7,11b-Tetrahydroisoxazolo[2,3-d][1,4]benzodiazepin-6(5H)-ones and 1,3,3a,9b-tetrahydroisoxazolo[4,3-c]quinolin-4(5H)-ones
OpenAIRE
Heaney, Frances; Bourke, Sharon
1995-01-01
The reaction of various ethyl 3-[[2-(1-hydroxyiminoalkyl)phenyl]carbamoyl]acrylates (2) with electron deficient olefins proceeds via a sequential dipole formation, dipolar cycloaddition sequence to furnish the tetrahydroisoxazolo[2,3-d][1,4]benzodiazepin-6(5H)-ones and tetrahydroisoxazolo[4,3-c]quinolin-4(5H)-ones (4) and (6). The product distribution reflects the nature of the reacting olefin and the position and extent of substitution on the acrylate moiety.
4. Effects of different cellulases on the release of phenolic acids from rice straw during saccharification.
Science.gov (United States)
Xue, Yiyun; Wang, Xiahui; Chen, Xingxuan; Hu, Jiajun; Gao, Min-Tian; Li, Jixiang
2017-06-01
Effects of different cellulases on the release of phenolic acids from rice straw during saccharification were investigated in this study. All cellulases tested increased the contents of phenolic acids during saccharification. However, few free phenolic acids were detected, as they were present in conjugated form after saccharification when the cellulases from Trichoderma reesei, Trichoderma viride and Aspergillus niger were used. On the other hand, phenolic acids were present in free form when the Acremonium cellulolyticus cellulase was used. Assays of enzyme activity showed that, besides high cellulase activity, the A. cellulolyticus cellulase exhibited high feruloyl esterase (FAE) activity. A synergistic interaction between FAE and cellulase led to the increase in free phenolic acids, and thus an increase in antioxidative and antiradical activities of the phenolic acids. Moreover, a cost estimation demonstrated the feasibility of phenolic acids as value-added products to reduce the total production cost of ethanol. Copyright © 2017 Elsevier Ltd. All rights reserved.
5. Production of β-xylosidase from Trichoderma asperellum KIF125 and its application in efficient hydrolysis of pretreated rice straw with fungal cellulase.
Science.gov (United States)
Inoue, Hiroyuki; Kitao, Chiaki; Yano, Shinichi; Sawayama, Shigeki
2016-11-01
On-site cellulase and hemicellulase production is a promising way to reduce enzyme cost in the commercialization of the lignocellulose-to-ethanol process. A hemicellulase-producing fungal strain suitable for on-site enzyme production was selected from cultures prepared using wet disc-milling rice straw (WDM-RS) and identified as Trichoderma asperellum KIF125. KIF125 hemicellulase showed uniquely high abundance of β-xylosidase in the xylanolytic enzyme system compared to other fungal hemicellulase preparations. Supplementation of Talaromyces cellulolyticus cellulase with KIF125 hemicellulase was more effective than that with the hemicellulases from other fungal sources in reducing the total enzyme loading for the improvement of xylose yield in the hydrolysis of ball-milling RS, due to its high β-xylosidase dominance. β-Xylosidase in KIF125 hemicellulase was purified and classified as a glycosyl hydrolase family 3 enzyme with relatively high specificity for xylobiose. The production of KIF125 β-xylosidase in the fermentor was estimated as 118 U/g-WDM-RS (2350 U/L culture) at 48 h. These results demonstrate that KIF125 is promising as a practical hemicellulase source to combine with on-site cellulase production using T. cellulolyticus.
6. Positive integer solutions of the diophantine equation x2 −Lnxy +(−1 ...
ny2 = ±5r when the equation has positive integer solutions. Keywords. Fibonacci numbers; Lucas numbers; diophantine equations. Mathematics Subject Classification. 11B37, 11B39. 1. Introduction. The Fibonacci sequence {Fn} is defined by F0 ...
7. 75 FR 22551 - Continuation of Hearing on the Department of Justice's Actions Related to the New Black Panther...
Science.gov (United States)
2010-04-29
... to the New Black Panther Party Litigation and its Enforcement of Section 11(b) of the Voting Rights... New Black Panther Party Litigation and its Enforcement of Section 11(b) of the Voting Rights Act... Department of Justice's actions in the New Black Panther Party Litigation and Enforcement of Section 11(b) of...
8. Superactive cellulase formulation using cellobiohydrolase-1 from Penicillium funiculosum
Science.gov (United States)
Adney, William S.; Baker, John O.; Decker, Stephen R.; Chou, Yat-Chen; Himmel, Michael E.; Ding, Shi-You
2012-10-09
Purified cellobiohydrolase I (glycosyl hydrolase family 7 (Cel7A)) enzymes from Penicillium funiculosum demonstrate a high level of specific performance in comparison to other Cel7 family member enzymes when formulated with purified EIcd endoglucanase from A. cellulolyticus and tested on pretreated corn stover. This result is true of the purified native enzyme, as well as recombinantly expressed enzyme, for example, that enzyme expressed in a non-native Aspergillus host. In a specific example, the specific performance of the formulation using purified recombinant Cel7A from Penicillium funiculosum expressed in A. awamori is increased by more than 200% when compared to a formulation using purified Cel7A from Trichoderma reesei.
9. Superactive cellulase formulation using cellobiohydrolase-1 from Penicillium funiculosum
Science.gov (United States)
Adney, William S.; Baker, John O.; Decker, Stephen R.; Chou, Yat-Chen; Himmel, Michael E.; Ding, Shi-You
2008-11-11
Purified cellobiohydrolase I (glycosyl hydrolase family 7 (Cel7A) enzymes from Penicillium funiculosum demonstrate a high level of specific performance in comparison to other Cel7 family member enzymes when formulated with purified EIcd endoglucanase from A. cellulolyticus and tested on pretreated corn stover. This result is true of the purified native enzyme, as well as recombinantly expressed enzyme, for example, that enzyme expressed in a non-native Aspergillus host. In a specific example, the specific performance of the formulation using purified recombinant Cel7A from Penicillium funiculosum expressed in A. awamori is increased by more than 200% when compared to a formulation using purified Cel7A from Trichoderma reesei.
10. Fission-like decay of 20Ne: eccentric behavior in the B+B fusion processes
International Nuclear Information System (INIS)
Toledo, A.S. de; Coimbra, M.M.; Added, N.; Anjos, R.M.; Carlin Filho, N.; Fante Junior, L.; Figueira, M.C.S.; Guimaraes, V.; Szanto, E.M.
1988-08-01
Cross sections for the fusion of 10,11 B+ 10,11 B have been measured in the energy range from 1.5 MeV/A to 5 MeV/A. The 10 B+ 10 B system unexpectedly presents a hindered fusion cross section when compared to the 10 B+ 11 B and 11 B+ 11 B reactions and to standard model predictions. The missing fusion cross section was diverted the 10 B exit channel with a total kinetic energy characteristic of strongly damped collisions. Q-values and kinematical analysis together with angular distributions suggest a binary symmetric decay of the composite 20 Ne system. (author) [pt
11. Interacting influence of potassium and polychlorinated biphenyl on cortisol and aldosterone biosynthesis
International Nuclear Information System (INIS)
Li, L.-A.; Lin, Tsu-Chun Emma
2007-01-01
Giving human adrenocortical H295R cells 14 mM KCl for 24 h significantly induced not only aldosterone biosynthesis but also cortisol biosynthesis. Pre-treating the cells with polychlorinated biphenyl 126 (PCB126) further increased potassium-induced aldosterone and cortisol productions in a dose-dependent manner, but all examined concentrations of PCB126 had little effect on the yields of precursor steroids progesterone and 17-OH-progesterone. Subsequent examinations revealed that CYP11B1 and CYP11B2 genes, responsible for the respective final steps of the cortisol and aldosterone biosynthetic pathways, exhibited increased responsiveness to PCB126 under high potassium. While 10 -5 M PCB126 was needed to induce a significant increase in the basal mRNA abundance of either gene, PCB126 could enhance potassium-induced mRNA expression of CYP11B1 at 10 -7 M and CYP11B2 at 10 -9 M. Actually, potassium and PCB126 synergistically upregulated mRNA expression of both genes. Potassium raised the transcriptional rates of CYP11B1 and CYP11B2 probably through a conserved Ad5 cis-element, whereas PCB126 appeared to regulate these two genes at the post-transcriptional level. Positive potassium-PCB126 synergism was also detected in CYP11B2 enzyme activity estimated by aldosterone/progesterone ratio. In contrast, potassium and PCB126 increased CYP11B1 enzyme activity or cortisol/17-OH-progesterone ratio additively. Moreover, potassium improved the time effect of PCB126 on gene expression and enzyme activity of CYP11B2, but not the PCB126 time response of CYP11B1. These data demonstrated that potassium differentially enhanced the potency of PCB126 to induce CYP11B1- and CYP11B2-mediated steroidogenesis
12. Electrochemical thiocyanation of dodecahydro-7,8-dicarba-nido-undecaborate and 7,8-dimethyldecahydro-7,8-dicarba-nido-undecaborate monoanions
International Nuclear Information System (INIS)
Rudakov, D.A.; Shirokij, V.L.; Potkin, V.I.; Majer, N.A.; Bragin, D.I.; Petrovskij, P.V.; Sivaev, I.B.; Bregadze, V.I.; Kisin, A.V.
2005-01-01
Electrochemical thiocyanation of the dodecahydro-7,8-dicarba-nido-undecaborate and 7,8-dimethyldecahydro-7,8-dicarba-nido-undecaborate monoanions afforded thiocyanate derivatives of these compounds, which were isolated as alkylammonium salts. The structures of the synthesized compounds were determined by the data from IR, 1 H and 11 B NMR, and 11 B- 11 B NMR COSY spectroscopy [ru
13. Jacobi continued fraction and Hankel determinants of the Thue ...
African Journals Online (AJOL)
... a formal power series ϕ(x) is being discovered, having the property that the Hankel transforms of ϕ(x) and of ϕ(x2) are identical. Mathematics Subject Classification (2010): 05A15, 05A19, 11A55, 11B37, 11B50, 11B85, 11C20, 15A15. Keywords: Hankel determinant, Hankel transform, binomial transform, Jacobi continued ...
14. Visualization of integrin Mac-1 in vivo.
Science.gov (United States)
Lim, Kihong; Hyun, Young-Min; Lambert-Emo, Kris; Topham, David J; Kim, Minsoo
2015-11-01
β2 integrins play critical roles in migration of immune cells and in the interaction with other cells, pathogens, and the extracellular matrix. Among the β2 integrins, Mac-1 (Macrophage antigen-1), composed of CD11b and CD18, is mainly expressed in innate immune cells and plays a major role in cell migration and trafficking. In order to image Mac-1-expressing cells both in live cells and mouse, we generated a knock-in (KI) mouse strain expressing CD11b conjugated with monomeric yellow fluorescent protein (mYFP). Expression of CD11b-mYFP protein was confirmed by Western blot and silver staining of CD11b-immunoprecipitates and total cell lysates from the mouse splenocytes. Mac-1-mediated functions of the KI neutrophils were comparable with those in WT cells. The fluorescence intensity of CD11b-mYFP was sufficient to image CD11b expressing cells in live mice using intravital two-photon microscopy. In vitro, dynamic changes in the intracellular localization of CD11b molecules could be measured by epifluorescent microscopy. Finally, CD11b-expressing immune cells from tissue were easily detected by flow cytometry without anti-CD11b antibody staining. Copyright © 2015 Elsevier B.V. All rights reserved.
15. The Therapeutic Effect of the Antitumor Drug 11beta and Related Molecules on Polycystic Kidney Disease
Science.gov (United States)
2016-10-01
shown that two parent compounds, 11B-dichloro and 11B- dipropyl, are effective in preventing and delaying cyst growth in two different orthologous mouse...polycystic kidney disease (PKD). In collaboration with the Essigmann lab at MIT, we have shown that two parent compounds, 11B-dichloro and 11B-dipropyl, are...cultured at the permissible temperature (33 °C), then re-plated at 37 °C, in the absence of interferon gamma, conditions in which turn off the large T
16. Lettuce and rhizosphere microbiome responses to growth promoting Pseudomonas species under field conditions.
Science.gov (United States)
Cipriano, Matheus A P; Lupatini, Manoeli; Lopes-Santos, Lucilene; da Silva, Márcio J; Roesch, Luiz F W; Destéfano, Suzete A L; Freitas, Sueli S; Kuramae, Eiko E
2016-12-01
Plant growth promoting rhizobacteria are well described and recommended for several crops worldwide. However, one of the most common problems in research into them is the difficulty in obtaining reproducible results. Furthermore, few studies have evaluated plant growth promotion and soil microbial community composition resulting from bacterial inoculation under field conditions. Here we evaluated the effect of 54 Pseudomonas strains on lettuce (Lactuca sativa) growth. The 12 most promising strains were phylogenetically and physiologically characterized for plant growth-promoting traits, including phosphate solubilization, hormone production and antagonism to pathogen compounds, and their effect on plant growth under farm field conditions. Additionally, the impact of beneficial strains on the rhizospheric bacterial community was evaluated for inoculated plants. The strains IAC-RBcr4 and IAC-RBru1, with different plant growth promoting traits, improved lettuce plant biomass yields up to 30%. These two strains also impacted rhizosphere bacterial groups including Isosphaera and Pirellula (phylum Planctomycetes) and Acidothermus, Pseudolabrys and Singusphaera (phylum Actinobacteria). This is the first study to demonstrate consistent results for the effects of Pseudomonas strains on lettuce growth promotion for seedlings and plants grown under tropical field conditions. © FEMS 2016. All rights reserved. For permissions, please e-mail: [email protected].
17. Rapid Induction of Aldosterone Synthesis in Cultured Neonatal Rat Cardiomyocytes under High Glucose Conditions
Directory of Open Access Journals (Sweden)
Masami Fujisaki
2013-01-01
Full Text Available In addition to classical adrenal cortical biosynthetic pathway, there is increasing evidence that aldosterone is produced in extra-adrenal tissues. Although we previously reported aldosterone production in the heart, the concept of cardiac aldosterone synthesis remains controversial. This is partly due to lack of established experimental models representing aldosterone synthase (CYP11B2 expression in robustly reproducible fashion. We herein investigated suitable conditions in neonatal rat cardiomyocytes (NRCMs culture system producing CYP11B2 with considerable efficacy. NRCMs were cultured with various glucose doses for 2–24 hours. CYP11B2 mRNA expression and aldosterone concentrations secreted from NRCMs were determined using real-time PCR and enzyme immunoassay, respectively. We found that suitable conditions for CYP11B2 induction included four-hour incubation with high glucose conditions. Under these particular conditions, CYP11B2 expression, in accordance with aldosterone secretion, was significantly increased compared to those observed in the cells cultured under standard-glucose condition. Angiotensin II receptor blocker partially inhibited this CYP11B2 induction, suggesting that there is local renin-angiotensin-aldosterone system activation under high glucose conditions. The suitable conditions for CYP11B2 induction in NRCMs culture system are now clarified: high-glucose conditions with relatively brief period of culture promote CYP11B2 expression in cardiomyocytes. The current system will help to accelerate further progress in research on cardiac tissue aldosterone synthesis.
18. Solid State NMR Characterization of Complex Metal Hydrides systems for Hydrogen Storage Applications
Directory of Open Access Journals (Sweden)
Son-Jong Hwang
2011-12-01
Full Text Available Solid state NMR is widely applied in studies of solid state chemistries for hydrogen storage reactions. Use of 11B MAS NMR in studies of metal borohydrides (BH4 is mainly focused, revisiting the issue of dodecaborane formation and observation of 11B{1H} Nuclear Overhauser Effect.
19. 75 FR 1751 - Hearing on the Department of Justice's Actions Related to the New Black Panther Party Litigation...
Science.gov (United States)
2010-01-13
... COMMISSION ON CIVIL RIGHTS Hearing on the Department of Justice's Actions Related to the New Black Panther Party Litigation and Its Enforcement of Section 11(b) of the Voting Rights Act AGENCY: United... Panther Party Litigation and enforcement of Section 11(b) of the Voting Rights Act. The Commission is...
20. 75 FR 13076 - Hearing on the Department of Justice's Actions Related to the New Black Panther Party Litigation...
Science.gov (United States)
2010-03-18
... COMMISSION ON CIVIL RIGHTS Hearing on the Department of Justice's Actions Related to the New Black Panther Party Litigation and Its Enforcement of Section 11(b) of the Voting Rights Act AGENCY: United... Department of Justice's actions in the New Black Panther Party Litigation and enforcement of Section 11(b) of...
1. 75 FR 7441 - Hearing on the Department of Justice's Actions Related to the New Black Panther Party Litigation...
Science.gov (United States)
2010-02-19
... COMMISSION ON CIVIL RIGHTS Hearing on the Department of Justice's Actions Related to the New Black Panther Party Litigation and Its Enforcement of Section 11(b) of the Voting Rights Act AGENCY: United... Panther Party Litigation and enforcement of Section 11(b) of the Voting Rights Act. The Commission is...
2. Development of a Small Molecule P2X7R Antagonist as a Treatment for Acute SCI
Science.gov (United States)
2013-10-01
cord tissue was dissociated with papain . A Percoll gradient was performed to remove myelin, debris and blood cells. The cells were then immunostained...live for GLT1 and CD11b, and flow cytometry with FACS was performed. Dissociate with papain Purified population: GLT1+ astrocytes or CD11b
3. NMR relaxation rates and Knight shifts in MgB2 and AlB2: theory versus experiments
International Nuclear Information System (INIS)
Pavarini, E; Baek, S H; Suh, B J; Borsa, F; Bud'ko, S L; Canfield, P C
2003-01-01
We have performed 11 B NMR measurements in 11 B enriched MgB 2 powder sample in the normal phase. The Knight shift was accurately determined by using the magic angle spinning technique. Results for 11 B and 27 Al Knight shifts (K) and relaxation rates (1/T 1 ) are also reported for AlB 2 . The data show a dramatic decrease of both K and 1/T 1 for 11 B in AlB 2 with respect to MgB 2 . We compare experimental results with ab initio calculated NMR relaxation rates and Knight shifts. The experimental values for 1/T 1 and K are in most cases in good agreement with the theoretical results. We show that the decrease of K and 1/T 1 for 11 B is consistent with a drastic drop of the density of states at the boron site in AlB 2 with respect to MgB 2
4. Boron isotope ratios of surface waters in Guadeloupe, Lesser Antilles
Energy Technology Data Exchange (ETDEWEB)
Louvat, Pascale, E-mail: [email protected] [Geochimie et Cosmochimie, IPGP, Universite Paris Diderot, Sorbonne Paris Cite, UMR 7154 CNRS, 75005 Paris (France); Gaillardet, Jerome; Paris, Guillaume; Dessert, Celine [Geochimie et Cosmochimie, IPGP, Universite Paris Diderot, Sorbonne Paris Cite, UMR 7154 CNRS, 75005 Paris (France)
2011-06-15
Highlights: > Rivers outer of hydrothermal areas have d11B around 40 per mille and [B] of 10-31 {mu}g/L. > Thermal springs have d11B of 8-15 per mille and [B] between 250 and 1000 {mu}g/L. > With Na, SO{sub 4} and Cl, boron shows mixing of rain, low and high-T weathering inputs. > Guadeloupe rivers and thermal springs have d11B 20-40 per mille higher than the local rocks. > Solid-solution fractionation during weathering pathways may explain this gap of d11B. - Abstract: Large variations are reported in the B concentrations and isotopic ratios of river and thermal spring waters in Guadeloupe, Lesser Antilles. Rivers have {delta}{sup 11}B values around 40 per mille and B concentrations lower than 30 {mu}g/L, while thermal springs have {delta}{sup 11}B of 8-15 per mille and B concentrations of 250-1000 {mu}g/L. River samples strongly impacted by hydrothermal inputs have intermediate {delta}{sup 11}B and B contents. None of these surface water samples have {delta}{sup 11}B comparable to the local unweathered volcanic rocks (around 0 per mille), implying that a huge isotopic fractionation of 40 per mille takes place during rock weathering, which could be explained by preferential incorporation of {sup 10}B during secondary mineral formation and adsorption on clays, during rock weathering or in the soils. The soil-vegetation B cycle could also be a cause for such a fractionation. Atmospheric B with {delta}{sup 11}B of 45 per mille represents 25-95% of the river B content. The variety of the thermal spring chemical composition renders the understanding of B behavior in Guadeloupe hydrothermal system quite difficult. Complementary geochemical tracers would be helpful.
5. Boron isotope ratios of surface waters in Guadeloupe, Lesser Antilles
International Nuclear Information System (INIS)
Louvat, Pascale; Gaillardet, Jerome; Paris, Guillaume; Dessert, Celine
2011-01-01
Highlights: → Rivers outer of hydrothermal areas have d11B around 40 per mille and [B] of 10-31 μg/L. → Thermal springs have d11B of 8-15 per mille and [B] between 250 and 1000 μg/L. → With Na, SO 4 and Cl, boron shows mixing of rain, low and high-T weathering inputs. → Guadeloupe rivers and thermal springs have d11B 20-40 per mille higher than the local rocks. → Solid-solution fractionation during weathering pathways may explain this gap of d11B. - Abstract: Large variations are reported in the B concentrations and isotopic ratios of river and thermal spring waters in Guadeloupe, Lesser Antilles. Rivers have δ 11 B values around 40 per mille and B concentrations lower than 30 μg/L, while thermal springs have δ 11 B of 8-15 per mille and B concentrations of 250-1000 μg/L. River samples strongly impacted by hydrothermal inputs have intermediate δ 11 B and B contents. None of these surface water samples have δ 11 B comparable to the local unweathered volcanic rocks (around 0 per mille), implying that a huge isotopic fractionation of 40 per mille takes place during rock weathering, which could be explained by preferential incorporation of 10 B during secondary mineral formation and adsorption on clays, during rock weathering or in the soils. The soil-vegetation B cycle could also be a cause for such a fractionation. Atmospheric B with δ 11 B of 45 per mille represents 25-95% of the river B content. The variety of the thermal spring chemical composition renders the understanding of B behavior in Guadeloupe hydrothermal system quite difficult. Complementary geochemical tracers would be helpful.
6. Androgenic Regulation of White Adipose Tissue-Prostate Cancer Interactions
Science.gov (United States)
2015-08-01
Symbol Entrez Gene Name Fold Change GPX5 glutathione peroxidase 5 (epididymal androgen-related protein) 13.6 SPAG11B sperm associated antigen 11B 13.0...family 2, subfamily F, polypeptide 1 4.8 HBD hemoglobin, delta 4.6 Down-regulated Symbol Entrez Gene Name Fold Change SPAG11B sperm associated antigen...Cxcl5 and Mac-3 IHC staining results, we used the manual function to count the stromal cells that stained posi- tively on 20 images acquired randomly at
7. Evaluation of 18F-labeled icotinib derivatives as potential PET agents for tumor imaging
International Nuclear Information System (INIS)
Hongyu Ren; Hongyu Ning; Jin Chang; Mingxia Zhao; Yong He; Yan Chong; Chuanmin Qi
2016-01-01
In this study, three 18 F-labeled crown ether fused anilinoquinazoline derivatives ([ 18 F]11a-c) were synthesized and evaluated as potential tumor imaging probes. The biodistribution results of [ 18 F]11b were good. Compared with [ 18 F]-fludeoxyglucose and l-[ 18 F]-fluoroethyltyrosine in the same animal model, [ 18 F]11b had better tumor/brain, tumor/muscle, and tumor/blood uptake ratios. Overall, these results suggest that [ 18 F]11b is promising as a tumor imaging agent for positron emission tomography. (author)
8. Control of Homeostasis and Dendritic Cell Survival by the GTPase RhoA
DEFF Research Database (Denmark)
Li, Shuai; Dislich, Bastian; Brakebusch, Cord H
2015-01-01
11b(-)CD8(+) and CD11b(+)Esam(hi) DC subsets, whereas CD11b(+)Esam(lo) DCs were not affected in conditional RhoA-deficient mice. Proteome analyses revealed a defective prosurvival pathway via PI3K/protein kinase B (Akt1)/Bcl-2-associated death promoter in the absence of RhoA. Taken together, our...... findings identify RhoA as a central regulator of DC homeostasis, and its deletion decreases DC numbers below critical thresholds for immune protection and homeostasis, causing aberrant compensatory DC proliferation....
9. PLC-based LP₁₁ mode rotator for mode-division multiplexing transmission.
Science.gov (United States)
Saitoh, Kunimasa; Uematsu, Takui; Hanzawa, Nobutomo; Ishizaka, Yuhei; Masumoto, Kohei; Sakamoto, Taiji; Matsui, Takashi; Tsujikawa, Kyozo; Yamamoto, Fumihiko
2014-08-11
A PLC-based LP11 mode rotator is proposed. The proposed mode rotator is composed of a waveguide with a trench that provides asymmetry of the waveguide. Numerical simulations show that converting LP11a (LP11b) mode to LP11b (LP11a) mode can be achieved with high conversion efficiency (more than 90%) and little polarization dependence over a wide wavelength range from 1450 nm to 1650 nm. In addition, we fabricate the proposed LP11 mode rotator using silica-based PLC. It is confirmed that the fabricated mode rotator can convert LP11a mode to LP11b mode over a wide wavelength range.
10. Effect of temperature on the collective clusterization of non-alpha conjugate nuclei
International Nuclear Information System (INIS)
Kaur, Manpreet; Singh, BirBikram; Patra, S.K.; Gupta, R.K.
2017-01-01
In the present work, we report on the role of temperature on the collective clusterization process in non-alpha conjugate systems 21,22 Ne (N≠ Z) in the ground state and at the temperature equivalent to the excitation energy given by Ikeda diagram. Further, to study the impact of increasing temperature on the clustering, these effects are studied in the CN 21 Ne* and 22 Ne* formed in 10 B+ 11 B and 11 B+ 11 B reactions, respectively, with reference to experimental data
11. interference effects of blue ence effects of bluetooth on wlan ence
African Journals Online (AJOL)
eobe
1DEPT. OF ELECTRICAL/ELECTRONIC E. 2, 3DEPARTMENT OF ... ENGINEERING, FEDERAL UNIV. .... The paper [9] dealt with the coexistence simulation of. IEEE 802.11b/g ... This research work employed software tools like. Netstumbler ...
12. 78 FR 64937 - Pesticide Products; Registration Applications for New Active Ingredients
Science.gov (United States)
2013-10-30
.... (Investigaciones y Aplicaciones Biotechnologicas S.L.), Avda, Paret del Patriarca 11-B, Ap. 30, 46113 Moncada... St., Suite A, Davis, CA 95616 on behalf of IAB, S.L. (Investigaciones y Aplicaciones Biotechnologicas...
13. The Effect of Neutrino Oscillations on Supernova Light Element Synthesis
International Nuclear Information System (INIS)
Yoshida, Takashi; Kajino, Toshitaka; Yokomakura, Hidekazu; Kimura, Keiichi; Takamura, Akira; Hartmann, Dieter H.
2006-01-01
We investigate light element synthesis through the ν-process during supernova explosions considering neutrino oscillations and investigate the dependence of 7Li and 11B yields on neutrino oscillation parameters mass hierarchy and θ13. The adopted supernova explosion model for explosive nucleosynthesis corresponds to SN 1987A. The 7Li and 11B yields increase by about factors of 1.9 and 1.3 in the case of normal mass hierarchy and adiabatic 13-mixing resonance compared with the case without neutrino oscillations. In the case of inverted mass hierarchy or nonadiabatic 13-mixing resonance, the increase in 7Li and 11B yields is much smaller. Astronomical observations of 7Li/11B ratio in stars formed in regions strongly affected by prior generations of supernovae would constrain mass hierarchy and the range of θ13
14. Continuous Electrode Inertial Electrostatic Confinement Fusion
Data.gov (United States)
National Aeronautics and Space Administration — NASA recognizes within its roadmaps (specifically TA 3.1.6) that development of aneutronic fusion (such as p-11B) reactors with direct energy conversion (>80%)...
15. Solar cells, structures including organometallic halide perovskite monocrystalline films, and methods of preparation thereof
KAUST Repository
Bakr, Osman; Peng, Wei; Wang, Lingfei
2017-01-01
Embodiments of the present disclosure provide for solar cells including an organometallic halide perovskite monocrystalline film (see fig. 1.1B), other devices including the organometallic halide perovskite monocrystalline film, methods of making
16. 17 CFR 200.27 - The Regional Directors.
Science.gov (United States)
2010-04-01
... programs within his or her geographic region as set forth in § 200.11(b), subject to review, on enforcement... Carolina, Puerto Rico, South Carolina, Tennessee, Virgin Islands, Virginia, and West Virginia; the Regional...
17. Tissue type plasminogen activator regulates myeloid-cell dependent neoangiogenesis during tissue regeneration
DEFF Research Database (Denmark)
Ohki, Makiko; Ohki, Yuichi; Ishihara, Makoto
2010-01-01
tissue regeneration is not well understood. Bone marrow (BM)-derived myeloid cells facilitate angiogenesis during tissue regeneration. Here, we report that a serpin-resistant form of tPA by activating the extracellular proteases matrix metalloproteinase-9 and plasmin expands the myeloid cell pool......-A. Remarkably, transplantation of BM-derived tPA-mobilized CD11b(+) cells and VEGFR-1(+) cells, but not carrier-mobilized cells or CD11b(-) cells, accelerates neovascularization and ischemic tissue regeneration. Inhibition of VEGF signaling suppresses tPA-induced neovascularization in a model of hind limb...... and mobilizes CD45(+)CD11b(+) proangiogenic, myeloid cells, a process dependent on vascular endothelial growth factor-A (VEGF-A) and Kit ligand signaling. tPA improves the incorporation of CD11b(+) cells into ischemic tissues and increases expression of neoangiogenesis-related genes, including VEGF...
18. Proton polarimetry using an Enge split-pole spectrograph
Energy Technology Data Exchange (ETDEWEB)
Moss, J M; Brown, D R; Cornelius, W D [Texas Agricultural and Mechanical Univ., College Station (USA). Cyclotron Inst.
1976-05-15
A high-efficiency (4 x 10/sup -5/ at A=0.4) high resolution (150 keV) polarimeter used in conjunction with an Enge split-pole spectrograph is described. This device permits for the first time polarization transfer studies in elastic scattering. Spectra are shown for /sup 11/B(p(pol),p(pol)')/sup 11/B (2.14 MeV)at Esub(p)=31 MeV.
19. 77 FR 74495 - Federally Mandated Exclusions from Income: Republication of Corrected Listing
Science.gov (United States)
2012-12-14
... section 11(b) of the Child Nutrition Act of 1966 (42 U.S.C. 1780(b); (2) Payments from the Seneca Nation.... 1760(e)) and section 11(b) of the Child Nutrition Act of 1996 (42 U.S.C. 1780(b)) provide that the... added to the list as paragraph (xix). 3. Section 2608 of the Housing and Economic Recovery Act of 2008...
20. BOREX: Solar neutrino experiment via weak neutral and charged currents in boron-11
International Nuclear Information System (INIS)
Kovacs, T.; Mitchell, J.W.; Raghavan, P.
1989-01-01
Borex, and experiment to observe solar neutrinos using boron loaded liquid scintillation techniques, is being developed for operation at the Gran Sasso underground laboratory. It aims to observe the spectrum of electron type 8 B solar neutrinos via charged current inverse β-decay of 11 B and the total flux solar neutrinos regardless of flavor by excitation of 11 B via the weak neutral current. 14 refs
1. Learn on the Fly: Quiescent Routing in Wireless Sensor Networks
Science.gov (United States)
2005-02-01
quality solely based on data traf- fic without employing beacons. Using a realistic sensor network traffic trace and an 802.11b testbed of 195 Stargates ...testbed of 195 Stargates [1] with 802.11b radios. For instance, we investigate the validity of geographic uniformity which is assumed in literature [19...Figure 1), we deploy 29 Stargates in a straight line, with a 45-meter separation between any two consecutive Stargates . The Stargates run Linux with
2. 78 FR 9768 - Bureau of International Security and Nonproliferation Imposition of Missile Sanctions on Two...
Science.gov (United States)
2013-02-11
... U.S.C. 2797b(a)(1)); Section 11B(b)(1) of the Export Administration Act of 1979 (50 U.S.C. App... Export Administration Act of 1979''); and Executive Order 12851 of June 11, 1993; the U.S. Government... (22 U.S.C. 2797b) and Section 11B of the EAA (50 U.S.C. Appx 24710b): Dalian Sunny Industries, (China...
3. Disparities in Prostate Cancer Treatment Modality and Quality of Life
Science.gov (United States)
2010-11-01
producing hormones) 1 0 10 11 B8f. Watchful waiting (no treatment, wait and see if your prostate cancer grows) 1 0 10 11 B8g. Cryotherapy (process...your prostate cancer grows) 7 Cryotherapy (process to freeze and destroy prostate tissue) 8 Chemotherapy (use of anti- cancer drugs) 9 Any other...and attitudes concerning prostate cancer and preventative measures. Prostate Cancer Questionnaire IRB1012# – Version 3 08/01/08 33 Now, I
4. Yrast and high spin states in 22Ne
International Nuclear Information System (INIS)
Szanto, E.M.; Toledo, A.S. de
1982-08-01
High spin states in 22 Ne have been investigated by the reactions 11 B( 13 C,d) 22 Ne and 13 C( 11 B,d) 22 Ne up to E* approximately=19 MeV. Yrast states were observed at 11.02 MeV (8 + ) and 15.46 MeV (10 + ) excitation energy. A backbending in 22 Ne is observed around spin 8 + . The location of high spin states I [pt
Directory of Open Access Journals (Sweden)
Koshiro Nishimoto
2016-01-01
6. Maternal Prenatal Mental Health and Placental 11β-HSD2 Gene Expression: Initial Findings from the Mercy Pregnancy and Emotional Wellbeing Study
Directory of Open Access Journals (Sweden)
Sunaina Seth
2015-11-01
Full Text Available High intrauterine cortisol exposure can inhibit fetal growth and have programming effects for the child’s subsequent stress reactivity. Placental 11beta-hydroxysteroid dehydrogenase (11β-HSD2 limits the amount of maternal cortisol transferred to the fetus. However, the relationship between maternal psychopathology and 11β-HSD2 remains poorly defined. This study examined the effect of maternal depressive disorder, antidepressant use and symptoms of depression and anxiety in pregnancy on placental 11β-HSD2 gene (HSD11B2 expression. Drawing on data from the Mercy Pregnancy and Emotional Wellbeing Study, placental HSD11B2 expression was compared among 33 pregnant women, who were selected based on membership of three groups; depressed (untreated, taking antidepressants and controls. Furthermore, associations between placental HSD11B2 and scores on the State-Trait Anxiety Inventory (STAI and Edinburgh Postnatal Depression Scale (EPDS during 12–18 and 28–34 weeks gestation were examined. Findings revealed negative correlations between HSD11B2 and both the EPDS and STAI (r = −0.11 to −0.28, with associations being particularly prominent during late gestation. Depressed and antidepressant exposed groups also displayed markedly lower placental HSD11B2 expression levels than controls. These findings suggest that maternal depression and anxiety may impact on fetal programming by down-regulating HSD11B2, and antidepressant treatment alone is unlikely to protect against this effect.
7. High risk of adrenal toxicity of N1-desoxy quinoxaline 1,4-dioxide derivatives and the protection of oligomeric proanthocyanidins (OPC) in the inhibition of the expression of aldosterone synthetase in H295R cells
International Nuclear Information System (INIS)
Wang, Xu; Yang, Chunhui; Ihsan, Awais; Luo, Xun; Guo, Pu; Cheng, Guyue; Dai, Menghong; Chen, Dongmei; Liu, Zhenli; Yuan, Zonghui
2016-01-01
Highlights: • N1-QCT, N1-MEQ and N1-CYA showed more adrenal toxicity than other metabolites. • N1-desoxy QdNOs reduced expression of CYP11B1, CYP11B2 and transcription factors. • OPC increased expression of transcription factors, including CYP11B1 and CYP11B2. • OPC reduced adrenal toxicity induced by N1-desoxy QdNOs. • The results provided a mechanism of adrenal damage caused by QdNO metabolites. - Abstract: Quinoxaline 1,4-dioxide derivatives (QdNOs) with a wide range of biological activities are used in animal husbandry worldwide. It was found that QdNOs significantly inhibited the gene expression of CYP11B1 and CYP11B2, the key aldosterone synthases, and thus reduced aldosterone levels. However, whether the metabolites of QdNOs have potential adrenal toxicity and the role of oxidative stress in the adrenal toxicity of QdNOs remains unclear. The relatively new QdNOs, cyadox (CYA), mequindox (MEQ), quinocetone (QCT) and their metabolites, were selected for elucidation of their toxic mechanisms in H295R cells. Interestingly, the results showed that the main toxic metabolites of QCT, MEQ, and CYA were their N1-desoxy metabolites, which were more harmful than other metabolites and evoked dose and time-dependent cell damage on adrenal cells and inhibited aldosterone production. Gene and protein expression of CYP11B1 and CYP11B2 and mRNA expression of transcription factors, such as NURR1, NGFIB, CREB, SF-1, and ATF-1, were down regulated by N1-desoxy QdNOs. The natural inhibitors of oxidant stress, oligomeric proanthocyanidins (OPC), could upregulate the expression of diverse transcription factors, including CYP11B1 and CYP11B2, and elevated aldosterone levels to reduce adrenal toxicity. This study demonstrated for the first time that N1-desoxy QdNOs have the potential to be the major toxic metabolites in adrenal toxicity, which may shed new light on the adrenal toxicity of these fascinating compounds and help to provide a basic foundation for the
8. Effects of particle size of processed barley grain, enzyme addition and microwave treatment on in vitro disappearance and gas production for feedlot cattle.
Science.gov (United States)
Tagawa, Shin-Ichi; Holtshausen, Lucia; McAllister, Tim A; Yang, Wen Zhu; Beauchemin, Karen Ann
2017-04-01
The effects of particle size of processed barley grain, enzyme addition and microwave treatment on in vitro dry matter (DM) disappearance (DMD), gas production and fermentation pH were investigated for feedlot cattle. Rumen fluid from four fistulated feedlot cattle fed a diet of 860 dry-rolled barley grain, 90 maize silage and 50 supplement g/kg DM was used as inoculum in 3 batch culture in vitro studies. In Experiment 1, dry-rolled barley and barley ground through a 1-, 2-, or 4-mm screen were used to obtain four substrates differing in particle size. In Experiment 2, cellulase enzyme (ENZ) from Acremonium cellulolyticus Y-94 was added to dry-rolled and ground barley (2-mm) at 0, 0.1, 0.5, 1, and 2 mg/g, while Experiment 3 examined the interactions between microwaving (0, 30, and 60 s microwaving) and ENZ addition (0, 1, and 2 mg/g) using dry-rolled barley and 2-mm ground barley. In Experiment 1, decreasing particle size increased DMD and gas production, and decreased fermentation pH (pgas production and decreased (pgas production, and decreased (p<0.05) fermentation pH of dry-rolled barley, but not ground barley. We conclude that cellulase enzymes can be used to increase the rumen disappearance of barley grain when it is coarsely processed as in the case of dry-rolled barley. However, microwaving of barley grain offered no further improvements in ruminal fermentation of barley grain.
9. Distinct and overlapping functions of ptpn11 genes in Zebrafish development.
Directory of Open Access Journals (Sweden)
Monica Bonetti
Full Text Available The PTPN11 (protein-tyrosine phosphatase, non-receptor type 11 gene encodes SHP2, a cytoplasmic PTP that is essential for vertebrate development. Mutations in PTPN11 are associated with Noonan and LEOPARD syndrome. Human patients with these autosomal dominant disorders display various symptoms, including short stature, craniofacial defects and heart abnormalities. We have used the zebrafish as a model to investigate the role of Shp2 in embryonic development. The zebrafish genome encodes two ptpn11 genes, ptpn11a and ptpn11b. Here, we report that ptpn11a is expressed constitutively and ptpn11b expression is strongly upregulated during development. In addition, the products of both ptpn11 genes, Shp2a and Shp2b, are functional. Target-selected inactivation of ptpn11a and ptpn11b revealed that double homozygous mutants are embryonic lethal at 5-6 days post fertilization (dpf. Ptpn11a-/-ptpn11b-/- embryos showed pleiotropic defects from 4 dpf onwards, including reduced body axis extension and craniofacial defects, which was accompanied by low levels of phosphorylated Erk at 5 dpf. Interestingly, defects in homozygous ptpn11a-/- mutants overlapped with defects in the double mutants albeit they were milder, whereas ptpn11b-/- single mutants did not show detectable developmental defects and were viable and fertile. Ptpn11a-/-ptpn11b-/- mutants were rescued by expression of exogenous ptpn11a and ptpn11b alike, indicating functional redundance of Shp2a and Shp2b. The ptpn11 mutants provide a good basis for further unravelling of the function of Shp2 in vertebrate development.
10. Effects of Carbenoxolone on the Canine Pituitary-Adrenal Axis.
Science.gov (United States)
Teshima, Takahiro; Matsumoto, Hirotaka; Okusa, Tomoko; Nakamura, Yumi; Koyama, Hidekazu
2015-01-01
11. Isotopic evidence of boron in precipitation originating from coal burning in Asian continent
International Nuclear Information System (INIS)
Sakata, Masahiro; Natsumi, Masahiro; Tani, Yukinori
2010-01-01
The boron concentration and isotopic composition (δ 11 B) of precipitation collected from December 2002 to March 2006 at three sites on the Japan Sea coast were measured. Those sites have been considerably affected by the long-range transport of air pollutants from the Asian continent during winter and spring when the airflows from the Asian continent are predominant. The boron concentration in the precipitation increased primarily during winter whereas the δ 11 B decreased during winter or spring. It is assumed that this decrease in δ 11 B is not associated with a Rayleigh distillation process, because the previous δD values of the precipitation collected at a site on the Japan Sea coast did not decrease in the same manner. A weak correlation (r 2 =0.13-0.24, P 11 B and the nonsea-salt sulfate (nss-SO 4 2- )/B ratio at each site, suggesting that boron in the precipitation originate primarily from two sources. The first source, which is characterized by high δ 11 B and nss-SO 4 2- /B=0, is seawater. At the northern site, the enrichment factor for boron in the precipitation relative to seawater approached unity during winter. This implies that much of the boron in the precipitation is derived from unfractionated sea salts rather than gaseous boron evaporated from seawater. The second source is characterized by low δ 11 B and high nss-SO 4 2- /B ratio. Most of the nss-SO 4 2- in the precipitation originates from anthropogenic combustion activities in the Asian continent based on the previous model calculations. Coal accounts for a major portion of the total primary energy supply in China. Moreover, coal enriches boron and represents generally negative δ 11 B values. Hence, we propose that the emission of boron from coal burning is the most likely second source. Thus, boron isotopes may be useful as tracers of coal-burning plumes from the Asian continent. (author)
12. Boron Isotope Compositions of Selected Fresh MORB Glasses From the Northern EPR (8-10° N): Implications for MORB Magma Contamination
Science.gov (United States)
Le Roux, P. J.; Shirey, S. B.; Hauri, E. H.; Perfit, M. R.
2003-12-01
The petrogenetic role of seawater and seawater-equilibrated altered crust in the magmatic evolution of basalts formed at mid-ocean ridges is not well-constrained. Observed excess Cl in oceanic basaltic magmas led to established models of assimilation of a saline brine component, although the physical form of this component and whether any other components contaminate MORB magmas remain unresolved. Light stable isotopes such as B are valuable in further refining our understanding of these magmatic processes. The light element B has two stable isotopes (mass 11 and 10) and B isotopic ratio ranges significantly in oceanic settings: e.g. depleted upper mantle (δ 11B -10‰ ), fresh MORB magmas (δ 11B -1.2 to -6.5‰ ), altered oceanic crust (δ 11B +2 to +9‰ ), hydrothermal fluids (δ 11B +30 to +36.5‰ ), and seawater (δ 11B +38.5‰ ). We have developed an in situ laser ablation, multiple multiplier ICP-MS at DTM (see le Roux et al., in press) that has reliable uncertainties for B isotope analyses better than 1‰ (2σ ) over concentration ranges from 0.3 ppm to above 30 ppm. This technique makes nearly any size glass sample amenable to B isotope study. B isotopic compositions were obtained on 16 fresh MORB magmas from the northern East Pacific Rise (EPR) from 8 to 10° N. This region of the EPR has an extensive, existing MORB glass collection, with well-constrained general geochemistry and petrology, recovered from sites on-axis, off-axis (including young off-axis eruptions; abyssal hills), and the Siquerios fracture zone. Geophysical data from this region imaged the top of the dike section (layer 2A) and the sub-axial magma chambers (AMC). Data for these MORB glasses indicate the variable addition of H2O, Cl, F, Li and B to these magmas prior to eruption. The excess Cl can be accounted for by variable (Kent et al, 1999). Variable magma degassing places the contamination of some of these magmas at depths within the oceanic crust close to the top of the AMC
13. Effect of annealing on magnetic properties and structure of Fe-Ni based magnetic microwires
Science.gov (United States)
Zhukova, V.; Korchuganova, O. A.; Aleev, A. A.; Tcherdyntsev, V. V.; Churyukanova, M.; Medvedeva, E. V.; Seils, S.; Wagner, J.; Ipatov, M.; Blanco, J. M.; Kaloshkin, S. D.; Aronin, A.; Abrosimova, G.; Orlova, N.; Zhukov, A.
2017-07-01
We studied the magnetic properties and domain wall (DW) dynamics of Fe47.4Ni26.6Si11B13C2 and Fe77.5Si7.5B15 microwires. Both samples present rectangular hysteresis loop and fast magnetization switching. Considerable enhancement of DW velocity is observed in Fe77.5Si7.5B15, while DW velocity of samples Fe47.4Ni26.6Si11B13C2 is less affected by annealing. The other difference is the magnetic field range of the linear region on dependence of domain wall velocity upon magnetic field: in Fe47.4Ni26.6Si11B13C2 sample is considerably shorter and drastically decreases after annealing. We discussed the influence of annealing on DW dynamics considering different magnetoelastic anisotropy of studied microwires and defects within the amorphous state in Fe47.4Ni26.6Si11B13C2. Consequently we studied the structure of Fe47.4Ni26.6Si11B13C2 sample using X-ray diffraction and the atom probe tomography. The results obtained using the atom probe tomography supports the formation of the B-depleted and Si-enriched precipitates in the metallic nucleus of Fe-Ni based microwires.
14. Myc contribution to γ-ray induced thymic lymphomas in mice of different genetic predispositions
International Nuclear Information System (INIS)
Sato, Toshihiro
2008-01-01
Myc gene has been suggested to be one of radiation targets in early genesis of γ ray-induced thymic lymphoma where Myc trisomy often occurs, and Myc activation results in p53 activation and apoptosis. The purpose of this study is to see the effects of radiation and mutation on Myc activation in the mouse. The lymphoma was induced by a single exposure of 3 Gy γ ray in BALB/c Bcl11b/Rit+/- and MSM p53-/- mice at 4 weeks after birth and by 4 weekly exposures of 2.5 Gy in p53+/- mouse. Genetic allele analysis for trisomy identification in the lymphoma was done by quantitative PCR using brain DNA as a control. Myc trisomy was found in the lymphoma of p53+/- mouse in 62% (23/37 animals) and of p53+/+, 66% (23/25), a similar frequency, suggesting that the target of radiation was not only the Myc activation. In addition, Myc trisomy frequency was 15% (4/27) in the lymphoma of Bcl11b+/+p53+/- and 36% (9/25), in heterozygote Bcl11b+/-. This finding suggested that the functional failure of Bcl11b reduced the contribution of Myc trisomy to the genesis. It was concluded that contribution of Myc trisomy to genesis of the lymphoma was dependent on genetic predisposition, and Myc-activated-, Bcl11b/Rit1-signal pathways played a parallel role in the genesis. (R.T.)
15. Hyperbaric environment up-regulates CD15s expression on leukocytes, down-regulates CD77 expression on renal cells and up-regulates CD34 expression on pulmonary and cardiac cells in rat
Directory of Open Access Journals (Sweden)
Danka Đevenica
2016-08-01
Full Text Available Objective(s: The aim of this study was to estimate effects of hyperbaric (HB treatment by determination of CD15s and CD11b leukocyte proinflammatory markers expression. In addition, this study describes changes in CD77 and CD34 expression on rat endothelial cells in renal, pulmonary and cardiac tissue following exposure to hyperbaric pressure. Materials and Methods:Expression of CD11b and CD15s on leukocytes, as well as CD77 and CD34 expression on endothelial cells in cell suspensions of renal, pulmonary and cardiac tissue in rats after hyperbaric treatment and in control rats were determined by flow cytometry. Results: Hyperbaric treatment significantly increased percentage of leukocytes expressing CD15s+CD11b- (from 1.71±1.11 to 23.42±2.85, P
16. Electron screening effects in (p,α) reactions induced on boron isotopes studied via the Trojan Horse Method
International Nuclear Information System (INIS)
Lamia, L; Spitaleri, C; Cherubini, S; Gulino, M; Puglia, S M R; Rapisarda, G G; Romano, S; Sergi, M L; Carlin, N; Gameiro Munhoz, M; Gimenez Del Santo, M; Kiss, G G; Somorjai, E; Kroha, V; Kubono, S; La Cognata, M; Pizzone, R G; Li, C; Wen, Qungang; Mukhamedzhanov, A
2013-01-01
The Trojan Horse Method is a powerful indirect technique allowing one to measure the bare nucleus S(E)-factor and the electron screening potential for astrophysically relevant reactions without the needs of extrapolations. The case of the (p,α) reactions induced on the two boron isotopes 10,11 B is here discussed in view of the recent Trojan Horse (TH) applications to the quasi-free 10,11 B+ 2 H reactions. The comparison between the TH and the low-energy direct data allowed us to determine the electron screening potential for the 11 B(p,α) reaction, while preliminary results on the 10 B(p,α) reaction have been extracted.
17. Boron isotopic composition of tertiary borate deposits in the Puna Plateau of the Central Andes, NW Argentina
International Nuclear Information System (INIS)
Kasemann, Simone; Franz, Gerhard; Viramonte, Jose G.; Alonso, Ricardo N.
1998-01-01
Full text: The most important borate deposits in South America are concentrated in the Central Andes. The Neogene deposits are located in the Puna Plateau of N W Argentina. These continental deposits are stratiform in the tectonically deformed Tertiary rocks. The largest borate accumulations Tincalayu, Sijes and Loma Blanca are part of the Late Miocene Sijes Formation, composed by different evaporitic and clastic units. In the main borate units of each location different phases of borates dominate. In Tincalayu the mayor mineral is borax with minor amounts of kernite and other rare borate minerals (ameginite, rivadavite, etc.). The principal minerals in Loma Blanca are borax with minor ulexite and inyoite. In the two main units of Sijes hydroboracite and colemanite are the major minerals; inyoite and ulexite appear subordinately. The deposition of the borates is due to a strong evaporation in playa lakes, which were fed by boron bearing thermal fluids (Alonso and Viramonte 1990). From Loma Blanca we determined δ 11 B values of ulexite (- 6.3 %0), inyoite (-12.7 %0) and terrugite (-16.2 %0); and from Tincalayu the δ 11 B values of borax (-10.5 %0), tincal (-12.2 %0) kernite (-11.7 %0) and inderite (-15.4 %0). The borates of Sijes are hydroboracite (-16.8 %0 to -17.2 %0), ulexite (-22.4 %0) and inyoite (-28.5 %0 to -29.6 %0). In order to get information about the δ 11 B values and pH of a boron solution we analysed the thermal spring of Antuco. It has a δ 11 B of -12.5%0 at a pH of 7.9. The presently forming ulexite deposit has a δ 11 B of -22.4%0. Borates within one depositional unit show a decreasing δ 11 B value sequence from the Na-Borates to the Ca-Borates related to the boron coordination of the minerals (Oi et al. 1989). The difference in the δ 11 B values excludes the precipitation in equilibrium from solutions with constant pH. According to results from previous work on Neogene borates (Turkey, USA) we interpret the borate succession due to
18. Boron-isotope fractionation in plants
Energy Technology Data Exchange (ETDEWEB)
Marentes, E [Univ. of Guelph, Dept. of Horticultural Science, Guelph, Ontario (Canada); Vanderpool, R A [USDA/ARS Grand Forks Human Nutrition Research Center, Grand Forks, North Dakota (United States); Shelp, B J [Univ. of Guelph, Dept. of Horticultural Science, Guelph, Ontario (Canada)
1997-10-15
Naturally-occurring variations in the abundance of stable isotopes of carbon, nitrogen, oxygen, and other elements in plants have been reported and are now used to understand various physiological processes in plants. Boron (B) isotopic variation in several plant species have been documented, but no determination as to whether plants fractionate the stable isotopes of boron, {sup 11}B and {sup 10}B, has been made. Here, we report that plants with differing B requirements (wheat, corn and broccoli) fractionated boron. The whole plant was enriched in {sup 11}B relative to the nutrient solution, and the leaves were enriched in {sup 10}B and the stem in {sup 11}B relative to the xylem sap. Although at present, a mechanistic role for boron in plants is uncertain, potential fractionating mechanisms are discussed. (author)
19. Boron-isotope fractionation in plants
International Nuclear Information System (INIS)
Marentes, E.; Vanderpool, R.A.; Shelp, B.J.
1997-01-01
Naturally-occurring variations in the abundance of stable isotopes of carbon, nitrogen, oxygen, and other elements in plants have been reported and are now used to understand various physiological processes in plants. Boron (B) isotopic variation in several plant species have been documented, but no determination as to whether plants fractionate the stable isotopes of boron, 11 B and 10 B, has been made. Here, we report that plants with differing B requirements (wheat, corn and broccoli) fractionated boron. The whole plant was enriched in 11 B relative to the nutrient solution, and the leaves were enriched in 10 B and the stem in 11 B relative to the xylem sap. Although at present, a mechanistic role for boron in plants is uncertain, potential fractionating mechanisms are discussed. (author)
20. Analysis of particle sources by interferometry in a three-body final state
International Nuclear Information System (INIS)
Humbert, P.
1984-01-01
This work presents the set-up of an original interferometrical method the aim of which is to access the intrinsic parameters (lifetime or natural width) of intermediate resonances created during nuclear collisions. The technic is based on the overlap of two events in the same detection, and shows some analogies with the interferometrical measurements based on the HANBURY-BROWN, TWISS effect. It applies to reactions leading to a three particle final state for which at least two particles are identical. The considered reactions are 11 B(α, 7 Li)αα; 12 C( 16 0,α) 12 C 12 C, 11 B(p,α)αα in which the intermediate source is respectively a level of 11 B*, 16 0*, 8 Be*. The results are in qualitative agreement with such an analysis [fr
1. States in [sup 12]B and primordial nucleosynthesis. Pt. 1; Spectroscopic measurements
Energy Technology Data Exchange (ETDEWEB)
Mao, Z Q [Dept. of Physics, Princeton Univ., NJ (United States); Vogelaar, R B [Dept. of Physics, Princeton Univ., NJ (United States); Champagne, A E [Dept. of Physics and Astronomy, Univ. of North Carolina, Chapel Hill, NC (United States) Triangle Univ. Nuclear Lab., Duke Univ., Durham, NC (United States)
1994-01-10
The [sup 9]Be([alpha],p)[sup 12]B and [sup 11]B(d,p)[sup 12]B reactions have been used to determine excitation energies, total widths and spin-parities for states which could corresponds to astrophysically significant resonances in the [sup 8]Li([alpha],n)[sup 11]B reaction. Six such states are observed at E[sub x]=10.199, 10.417, 10.564, 10.880, 11.328 and 11.571 MeV. None of these states corresponds to the broad resonance observed in the [sup 11]B(n,[alpha])[sup 8]Li reaction. However, we find no evidence that such a resonance exists. (orig.)
2. Polysaccharide Agaricus blazei Murill stimulates myeloid derived suppressor cell differentiation from M2 to M1 type, which mediates inhibition of tumour immune-evasion via the Toll-like receptor 2 pathway.
Science.gov (United States)
Liu, Yi; Zhang, Lingyun; Zhu, Xiangxiang; Wang, Yuehua; Liu, WenWei; Gong, Wei
2015-11-01
Gr-1(+) CD11b(+) myeloid-derived suppressor cells (MDSCs) accumulate in tumor-bearing animals and play a critical negative role during tumor immunotherapy. Strategies for inhibition of MDSCs are expected to improve cancer immunotherapy. Polysaccharide Agaricus blazei Murill (pAbM) has been found to have anti-cancer activity, but the underlying mechanism of this is poorly understood. Here, pAbM directly activated the purified MDSCs through inducing the expression of interleukin-6 (IL-6), IL-12, tumour necrosis factor and inducible nitric oxide synthase (iNOS), CD86, MHC II, and pSTAT1 of it, and only affected natural killer and T cells in the presence of Gr-1(+) CD11b(+) monocytic MDSCs. On further analysis, we demonstrated that pAbM could selectively block the Toll-like receptor 2 (TLR2) signal of Gr-1(+) CD11b(+) MDSCs and increased their M1-type macrophage characteristics, such as producing IL-12, lowering expression of Arginase 1 and increasing expression of iNOS. Extensive study showed that Gr-1(+) CD11b(+) MDSCs by pAbM treatment had less ability to convert the CD4(+) CD25(-) cells into CD4(+) CD25(+) phenotype. Moreover, result from selective depletion of specific cell populations in xenograft mice model suggested that the anti-tumour effect of pAbM was dependent on Gr-1(+ ) CD11b(+) monocytes, nether CD8(+) T cells nor CD4(+) T cells. In addition to, pAbM did not inhibit tumour growth in TLR2(-/-) mice. All together, these results suggested that pAbM, a natural product commonly used for cancer treatment, was a specific TLR2 agonist and had potent anti-tumour effects through the opposite of the suppressive function of Gr-1(+) CD11b(+) MDSCs. © 2015 John Wiley & Sons Ltd.
3. Increased chemotaxis and activity of circulatory myeloid progenitor cells may contribute to enhanced osteoclastogenesis and bone loss in the C57BL/6 mouse model of collagen-induced arthritis.
Science.gov (United States)
Ikić Matijašević, M; Flegar, D; Kovačić, N; Katavić, V; Kelava, T; Šućur, A; Ivčević, S; Cvija, H; Lazić Mosler, E; Kalajzić, I; Marušić, A; Grčević, D
2016-12-01
Our study aimed to determine the functional activity of different osteoclast progenitor (OCP) subpopulations and signals important for their migration to bone lesions, causing local and systemic bone resorption during the course of collagen-induced arthritis in C57BL/6 mice. Arthritis was induced with chicken type II collagen (CII), and assessed by clinical scoring and detection of anti-CII antibodies. We observed decreased trabecular bone volume of axial and appendicular skeleton by histomorphometry and micro-computed tomography as well as decreased bone formation and increased bone resorption rate in arthritic mice in vivo. In the affected joints, bone loss was accompanied with severe osteitis and bone marrow hypercellularity, coinciding with the areas of active osteoclasts and bone erosions. Flow cytometry analysis showed increased frequency of putative OCP cells (CD3 - B220 - NK1.1 - CD11b -/lo CD117 + CD115 + for bone marrow and CD3 - B220 - NK1.1 - CD11b + CD115 + Gr-1 + for peripheral haematopoietic tissues), which exhibited enhanced differentiation potential in vitro. Moreover, the total CD11b + population was expanded in arthritic mice as well as CD11b + F4/80 + macrophage, CD11b + NK1.1 + natural killer cell and CD11b + CD11c + myeloid dendritic cell populations in both bone marrow and peripheral blood. In addition, arthritic mice had increased expression of tumour necrosis factor-α, interleukin-6, CC chemokine ligand-2 (Ccl2) and Ccl5, with increased migration and differentiation of circulatory OCPs in response to CCL2 and, particularly, CCL5 signals. Our study characterized the frequency and functional properties of OCPs under inflammatory conditions associated with arthritis, which may help to clarify crucial molecular signals provided by immune cells to mediate systemically enhanced osteoresorption. © 2016 British Society for Immunology.
4. Down-regulation of complement receptors on the surface of host monocyte even as in vitro complement pathway blocking interferes in dengue infection.
Directory of Open Access Journals (Sweden)
Cintia Ferreira Marinho
Full Text Available In dengue virus (DENV infection, complement system (CS activation appears to have protective and pathogenic effects. In severe dengue fever (DF, the levels of DENV non-structural-1 protein and of the products of complement activation, including C3a, C5a and SC5b-9, are higher before vascular leakage occurs, supporting the hypothesis that complement activation contributes to unfavourable outcomes. The clinical manifestations of DF range from asymptomatic to severe and even fatal. Here, we aimed to characterise CS by their receptors or activation product, in vivo in DF patients and in vitro by DENV-2 stimulation on monocytes. In comparison with healthy controls, DF patients showed lower expression of CR3 (CD11b, CR4 (CD11c and, CD59 on monocytes. The DF patients who were high producers of SC5b-9 were also those that showed more pronounced bleeding or vascular leakage. Those findings encouraged us to investigate the role of CS in vitro, using monocytes isolated from healthy subjects. Prior blocking with CR3 alone (CD11b or CR3 (CD11b/CD18 reduced viral infection, as quantified by the levels of intracellular viral antigen expression and soluble DENV non-structural viral protein. However, we found that CR3 alone (CD11b or CR3 (CD11b/CD18 blocking did not influence major histocompatibility complex presentation neither active caspase-1 on monocytes, thus probably ruling out inflammasome-related mechanisms. Although it did impair the secretion of tumour necrosis factor alpha and interferon alpha. Our data provide strategies of blocking CR3 (CD11b pathways could have implications for the treatment of viral infection by antiviral-related mechanisms.
5. PCP4: a regulator of aldosterone synthesis in human adrenocortical tissues
Science.gov (United States)
Felizola, Saulo J. A.; Nakamura, Yasuhiro; Ono, Yoshikiyo; Kitamura, Kanako; Kikuchi, Kumi; Onodera, Yoshiaki; Ise, Kazue; Takase, Kei; Sugawara, Akira; Hattangady, Namita; Rainey, William E.; Satoh, Fumitoshi; Sasano, Hironobu
2014-01-01
Purkinje cell protein 4 (PCP4) is a calmodulin (CaM) binding protein that accelerates calcium association and dissociation with CaM. It has been previously detected in aldosterone-producing adenomas (APA) but details on its expression and function in adrenocortical tissues have remained unknown. Therefore, we performed the immunohistochemical analysis of PCP4 in the following tissues: normal adrenal (NA; n=15), APA (n=15), cortisol producing adenomas (CPA; n=15) and idiopathic hyperaldosteronism cases (IHA; n=5). APA samples (n=45) were also submitted to quantitative RT-PCR (qPCR) of PCP4, CYP11B1, and CYP11B2, as well as DNA sequencing for KCNJ5 mutations. Transient transfection analysis using PCP4 siRNA was also performed in H295R adrenocortical carcinoma cells, following ELISA analysis, and CYP11B2 luciferase assays were also performed after PCP4 vector transfection in order to study the regulation of PCP4 protein expression. In our findings, PCP4 immunoreactivity was predominantly detected in APA and in the zona glomerulosa (ZG) of NA and IHA. In APA, the mRNA levels of PCP4 were significantly correlated with those of CYP11B2 (P<0.0001) and were significantly higher in cases with KCNJ5 mutation than wild-type (P=0.005). Following PCP4 vector transfection, CYP11B2 luciferase reporter activity was significantly higher than controls in the presence of angiotensin-II. Knockdown of PCP4 resulted in a significant decrease in CYP11B2 mRNA levels (P=0.012) and aldosterone production (P=0.011). Our results indicate that PCP4 is a regulator of aldosterone production in normal, hyperplastic and neoplastic human adrenocortical cells. PMID:24403568
6. New Carbonate Standard Reference Materials for Boron Isotope Geochemistry
Science.gov (United States)
Stewart, J.; Christopher, S. J.; Day, R. D.
2015-12-01
The isotopic composition of boron (δ11B) in marine carbonates is well established as a proxy for past ocean pH. Yet, before palaeoceanographic interpretation can be made, rigorous assessment of analytical uncertainty of δ11B data is required; particularly in light of recent interlaboratory comparison studies that reported significant measurement disagreement between laboratories [1]. Well characterised boron standard reference materials (SRMs) in a carbonate matrix are needed to assess the accuracy and precision of carbonate δ11B measurements throughout the entire procedural chemistry; from sample cleaning, to ionic separation of boron from the carbonate matrix, and final δ11B measurement by multi-collector inductively coupled plasma mass spectrometry. To date only two carbonate reference materials exist that have been value-assigned by the boron isotope measurement community [2]; JCp-1 (porites coral) and JCt-1 (Giant Clam) [3]. The National Institute of Standards and Technology (NIST) will supplement these existing standards with new solution based inorganic carbonate boron SRMs that replicate typical foraminiferal and coral B/Ca ratios and δ11B values. These new SRMs will not only ensure quality control of full procedural chemistry between laboratories, but have the added benefits of being both in abundant supply and free from any restrictions associated with shipment of biogenic samples derived from protected species. Here we present in-house δ11B measurements of these new boron carbonate SRM solutions. These preliminary data will feed into an interlaboratory comparison study to establish certified values for these new NIST SRMs. 1. Foster, G.L., et al., Chemical Geology, 2013. 358(0): p. 1-14. 2. Gutjahr, M., et al., Boron Isotope Intercomparison Project (BIIP): Development of a new carbonate standard for stable isotopic analyses. Geophysical Research Abstracts, EGU General Assembly 2014, 2014. 16(EGU2014-5028-1). 3. Inoue, M., et al., Geostandards and
7. La lezione di Pietro Leopoldo. (Teachings from Pietro Leopoldo
Directory of Open Access Journals (Sweden)
Giacomo Becattini
2012-08-01
Full Text Available Upon leaving Tuscany to become Holy Roman Emperor, Leopold II left some notes (1790 that prove very interesting to today’s economist. They show how a holistic approach to the socio-economic characteristics of a region should always be considered, starting from a people’s spirit, or ‘representative character’. This article summarises Leopold’s notes and draws some implication for the modern study of urban and regional economics. JEL: R11, B11, B15
8. Polarized proton induced pion production on 10B at 200, 225, 250 and 260 MeV incident energies
International Nuclear Information System (INIS)
Ziegler, W.; Auld, E.G.; Falk, W.R.; Giles, G.L.; Jones, G.; Lolos, G.J.; McParland, B.
1985-02-01
The angular distributions of both the differential cross-section and the analyzing power are presented for the 10 B(p,π) 11 B reaction leading to the ground and first excited states of 11 B. The differential cross-section shows very little angular structure or energy dependence, but the analyzing power exhibits a considerable energy dependence for both states. This dependence, similar to that observed for the 12 C(p,π + ) 13 C reaction, may be a signature of the fact that single-particle final states are involved
9. Ground-water pollution determined by boron isotope systematics
International Nuclear Information System (INIS)
Vengosh, A.; Kolodny, Y.; Spivack, A.J.
1998-01-01
Boron isotopic systematics as related to ground-water pollution is reviewed. We report isotopic results of contaminated ground water from the coastal aquifers of the Mediterranean in Israel, Cornia River in north-western Italy, and Salinas Valley, California. In addition, the B isotopic composition of synthetic B compounds used for detergents and fertilizers was investigated. Isotopic analyses were carried out by negative thermal ionization mass spectrometry. The investigated ground water revealed different contamination sources; underlying saline water of a marine origin in saline plumes in the Mediterranean coastal aquifer of Israel (δ 11 B=31.7 per mille to 49.9 per mille, B/Cl ratio ∼1.5x10 -3 ), mixing of fresh and sea water (25 per mille to 38 per mille, B/Cl∼7x10 -3 ) in saline water associated with salt-water intrusion to Salinas Valley, California, and a hydrothermal contribution (high B/Cl of ∼0.03, δ 11 B=2.4 per mille to 9.3 per mille) in ground water from Cornia River, Italy. The δ 11 B values of synthetic Na-borate products (-0.4 per mille to 7.5 per mille) overlap with those of natural Na-borate minerals (-0.9 per mille to 10.2 per mille). In contrast, the δ 11 B values of synthetic Ca-borate and Na/Ca borate products are significantly lower (-15 per mille to -12.1 per mille) and overlap with those of the natural Ca-borate minerals. We suggest that the original isotopic signature of the natural borate minerals is not modified during the manufacturing process of the synthetic products, and it is controlled by the crystal chemistry of borate minerals. The B concentrations in pristine ground-waters are generally low ( 11 B=39 per mille), salt-water intrusion and marine-derived brines (40 per mille to 60 per mille) are sharply different from hydrothermal fluids (δ 11 B=10 per mille to 10 per mille) and anthropogenic sources (sewage effluent: δ 11 B=0 per mille to 10 per mille; boron-fertilizer: δ 11 B=-15 per mille to 7 per mille). some
10. Complex formation of p-carboxybenzeneboronic acid with fructose
International Nuclear Information System (INIS)
Bulbul Islam, T.M.; Yoshino, K.
2000-01-01
To increase the solubility of p-caboxybenzeneboronic acid (PCBA) in physiological pH 7.4, the complex formation of PCBA with fructose has been studied by 11 B-NMR. PCBA formed complex with fructose and the complex increased the solubility of PCBA. The complex formation constant (log K) was obtained in pH 7.4 as 2.75 from the 11 B-NMR spectra. Based on this result the complex formation ability of PCBA with fructose has been discussed. (author)
11. Bone marrow-derived CD13+ cells sustain tumor progression: A potential non-malignant target for anticancer therapy.
Science.gov (United States)
Dondossola, Eleonora; Corti, Angelo; Sidman, Richard L; Arap, Wadih; Pasqualini, Renata
2014-01-01
Non-malignant cells found within neoplastic lesions express alanyl (membrane) aminopeptidase (ANPEP, best known as CD13), and CD13-null mice exhibit limited tumor growth and angiogenesis. We have recently demonstrated that a subset of bone marrow-derived CD11b + CD13 + myeloid cells accumulate within neoplastic lesions in several murine models of transplantable cancer to promote angiogenesis. If these findings were confirmed in clinical settings, CD11b + CD13 + myeloid cells could become a non-malignant target for the development of novel anticancer regimens.
12. Bone marrow-derived CD13+ cells sustain tumor progression
Science.gov (United States)
Dondossola, Eleonora; Corti, Angelo; Sidman, Richard L; Arap, Wadih; Pasqualini, Renata
2014-01-01
Non-malignant cells found within neoplastic lesions express alanyl (membrane) aminopeptidase (ANPEP, best known as CD13), and CD13-null mice exhibit limited tumor growth and angiogenesis. We have recently demonstrated that a subset of bone marrow-derived CD11b+CD13+ myeloid cells accumulate within neoplastic lesions in several murine models of transplantable cancer to promote angiogenesis. If these findings were confirmed in clinical settings, CD11b+CD13+ myeloid cells could become a non-malignant target for the development of novel anticancer regimens. PMID:25339996
13. The search for molecular effects in range corrections: boron determination by proton bombardment
International Nuclear Information System (INIS)
Olivier, C.; Peisach, M.
1985-01-01
Three different nuclear reactions viz. 10 B(p,αγ) 7 Be, 10 B(p,p,'γ) 10 B, and 11 B(p,p'γ) 11 B were used to analyse 21 pure boron compounds and mixtures of known composition by prompt gamma-ray spectrometry under proton bombardment. Elemental stopping powers were calculated from tables and used to compute the stopping power of the target matrices by Bragg's Law. Apparent discrepancies in the measured yield could point to deviations from Bragg's Law and hence to molecular effects. The maximum value for any molecular effect was found to be < 8,3%
14. Implementation of mobile ip smooth handoff in wireless networks
International Nuclear Information System (INIS)
Kayastha, M.; Chowdhry, B.S.; Memon, A.R.
2002-01-01
This paper describes implementation of mobile IP services in two separate wireless LANs based on IEEE 802.11b standards, located in two distant buildings of a university campus. The purpose of the project was to achieve smooth hand-off when a mobile node moves between the two LANs. During our experimentation we have identified some of the limitation of IEEE 802.11b that affects mobile 1P smooth hand off. We have also proposed an algorithm to solve this problem when the mobility is within a limited number of separate wireless LANs. (author)
15. Influence of fluorine substituents on the NMR properties of phenylboronic acids.
Science.gov (United States)
Gierczyk, Błażej; Kaźmierczak, Marcin; Popenda, Łukasz; Sporzyński, Andrzej; Schroeder, Grzegorz; Jurga, Stefan
2014-05-01
The paper presents results of a systematic NMR studies on fluorinated phenylboronic acids. All possible derivatives were studied. The experimental (1)H, (13)C, (19)F, (11)B, and (17)O spectral data were compared with the results of theoretical calculations. The relation between the calculated natural bond orbital parameters and spectral data (chemical shifts and coupling constants) is discussed. The first examples of (10)B/(11)B isotopic effect on the (19)F spectra and (4)JFO scalar coupling in organic compounds are reported. Copyright © 2014 John Wiley & Sons, Ltd.
16. Silicon Chip-to-Chip Mode-Division Multiplexing
DEFF Research Database (Denmark)
Baumann, Jan Markus; Porto da Silva, Edson; Ding, Yunhong
2018-01-01
A chip-to-chip mode-division multiplexing connection is demonstrated using a pair of multiplexers/demultiplexers fabricated on the silicon-on-insulator platform. Successful mode multiplexing and demultiplexing is experimentally demonstrated, using the LP01, LP11a and LP11b modes.......A chip-to-chip mode-division multiplexing connection is demonstrated using a pair of multiplexers/demultiplexers fabricated on the silicon-on-insulator platform. Successful mode multiplexing and demultiplexing is experimentally demonstrated, using the LP01, LP11a and LP11b modes....
17. Deformation and orientation effects in the binary symmetric decay of 20,21,22Ne*
International Nuclear Information System (INIS)
Singh, BirBikram; Kaur, Manpreet; Gupta, Raj K.
2014-01-01
We have extended the study of binary symmetric decay (BSD) of extremely light mass compound systems 20,21,22 Ne* formed in 10,11 B+ 10,11 B reactions at E lab = 48 MeV, to explore the role of deformations and orientations, using the Dynamical Cluster decay Model (DCM). In the present work, we find that with inclusion of quadruple deformations and 'hot compact' orientations of nuclei σ ff increases in comparison to the case of spherical considerations of nuclei
18. Wheat Ammonium Transporter (AMT) Gene Family: Diversity and Possible Role in Host-Pathogen Interaction with Stem Rust.
Science.gov (United States)
Li, Tianya; Liao, Kai; Xu, Xiaofeng; Gao, Yue; Wang, Ziyuan; Zhu, Xiaofeng; Jia, Baolei; Xuan, Yuanhu
2017-01-01
Ammonium transporter (AMT) proteins have been reported in many plants, but no comprehensive analysis was performed in wheat. In this study, we identified 23 AMT members (hereafter TaAMTs) using a protein homology search in wheat genome. Tissue-specific expression analysis showed that TaAMT1;1a, TaAMT1;1b , and TaAMT1;3a were relatively more highly expressed in comparison with other TaAMTs . TaAMT1;1a, TaAMT1;1b, and TaAMT1;3a-GFP were localized in the plasma membrane in tobacco leaves, and TaAMT1;1a, TaAMT1;1b , and TaAMT1;3a successfully complemented a yeast 31019b strain in which ammonium uptake was deficient. In addition, the expression of TaAMT1;1b in an Arabidopsis AMT quadruple mutant ( qko ) successfully restored [Formula: see text] uptake ability. Resupply of [Formula: see text] rapidly increased cellular [Formula: see text] contents and suppressed expression of TaAMT1;3a , but not of TaAMT;1;1a and TaAMT1;1b expressions. Expression of TaAMT1;1a, TaAMT1;1b , and TaAMT1;3a was not changed in leaves after [Formula: see text] resupply. In contrast, nitrogen (N) deprivation induced TaAMT1;1a, TaAMT1;1b , and TaAMT1;3a gene expressions in the roots and leaves. Expression analysis in the leaves of the stem rust-susceptible wheat line "Little Club" and the rust-tolerant strain "Mini 2761" revealed that TaAMT1;1a, TaAMT1;1b , and TaAMT1;3a were specifically induced in the former but not in the latter. Rust-susceptible wheat plants grown under N-free conditions exhibited a lower disease index than plants grown with [Formula: see text] as the sole N source in the medium after infection with Puccinia graminis f. sp. tritici , suggesting that [Formula: see text] and its transport may facilitate the infection of wheat stem rust disease. Our findings may be important for understanding the potential function TaAMTs in wheat plants.
19. Kinetics of rebounding of lymphoid and myeloid cells in mouse peripheral blood, spleen and bone marrow after treatment with cyclophosphamide
OpenAIRE
Salem, Mohamed L.; Al-Khami, Amir A.; El-Nagaar, Sabry A.; Zidan, Abdel-Aziz A.; Al-Sharkawi, Ismail M.; Díaz-Montero, C. Marcela; Cole, David J.
2012-01-01
Recently, we showed that post cyclophosphamide (CTX) microenvironment benefits the function of transferred T cells. Analysis of the kinetics of cellular recovery after CTX treatment showed that a single 4 mg/mouse CTX treatment decreased the absolute number of leukocytes in the peripheral blood (PBL) at days 3-15, and in the spleen and bone marrow (BM) at days 3-6. The absolute numbers of CD11c+CD11b− and CD11c+CD11b+ dendritic cells (DCs), CD11b+ and Ly6G+ myeloid cells, T and B cells, CD4+C...
20. Genus-Wide Assessment of Lignocellulose Utilization in the Extremely Thermophilic Genus Caldicellulosiruptor by Genomic, Pangenomic, and Metagenomic Analyses.
Science.gov (United States)
Lee, Laura L; Blumer-Schuette, Sara E; Izquierdo, Javier A; Zurawski, Jeffrey V; Loder, Andrew J; Conway, Jonathan M; Elkins, James G; Podar, Mircea; Clum, Alicia; Jones, Piet C; Piatek, Marek J; Weighill, Deborah A; Jacobson, Daniel A; Adams, Michael W W; Kelly, Robert M
2018-05-01
Metagenomic data from Obsidian Pool (Yellowstone National Park, USA) and 13 genome sequences were used to reassess genus-wide biodiversity for the extremely thermophilic Caldicellulosiruptor The updated core genome contains 1,401 ortholog groups (average genome size for 13 species = 2,516 genes). The pangenome, which remains open with a revised total of 3,493 ortholog groups, encodes a variety of multidomain glycoside hydrolases (GHs). These include three cellulases with GH48 domains that are colocated in the glucan degradation locus (GDL) and are specific determinants for microcrystalline cellulose utilization. Three recently sequenced species, Caldicellulosiruptor sp. strain Rt8.B8 (renamed here Caldicellulosiruptor morganii ), Thermoanaerobacter cellulolyticus strain NA10 (renamed here Caldicellulosiruptor naganoensis ), and Caldicellulosiruptor sp. strain Wai35.B1 (renamed here Caldicellulosiruptor danielii ), degraded Avicel and lignocellulose (switchgrass). C. morganii was more efficient than Caldicellulosiruptor bescii in this regard and differed from the other 12 species examined, both based on genome content and organization and in the specific domain features of conserved GHs. Metagenomic analysis of lignocellulose-enriched samples from Obsidian Pool revealed limited new information on genus biodiversity. Enrichments yielded genomic signatures closely related to that of Caldicellulosiruptor obsidiansis , but there was also evidence for other thermophilic fermentative anaerobes ( Caldanaerobacter , Fervidobacterium , Caloramator , and Clostridium ). One enrichment, containing 89.8% Caldicellulosiruptor and 9.7% Caloramator , had a capacity for switchgrass solubilization comparable to that of C. bescii These results refine the known biodiversity of Caldicellulosiruptor and indicate that microcrystalline cellulose degradation at temperatures above 70°C, based on current information, is limited to certain members of this genus that produce GH48 domain
1. Bioconversion of paper sludge to biofuel by simultaneous saccharification and fermentation using a cellulase of paper sludge origin and thermotolerant Saccharomyces cerevisiae TJ14
Directory of Open Access Journals (Sweden)
Harashima Satoshi
2011-09-01
Full Text Available Abstract Background Ethanol production from paper sludge (PS by simultaneous saccharification and fermentation (SSF is considered to be the most appropriate way to process PS, as it contains negligible lignin. In this study, SSF was conducted using a cellulase produced from PS by the hypercellulase producer, Acremonium cellulolyticus C-1 for PS saccharification, and a thermotolerant ethanol producer Saccharomyces cerevisiae TJ14 for ethanol production. Using cellulase of PS origin minimizes biofuel production costs, because the culture broth containing cellulase can be used directly. Results When 50 g PS organic material (PSOM/l was used in SSF, the ethanol yield based on PSOM was 23% (g ethanol/g PSOM and was two times higher than that obtained by a separate hydrolysis and fermentation process. Cellulase activity throughout SSF remained at around 60% of the initial activity. When 50 to 150 g PSOM/l was used in SSF, the ethanol yield was 21% to 23% (g ethanol/g PSOM at the 500 ml Erlenmeyer flask scale. Ethanol production and theoretical ethanol yield based on initial hexose was 40 g/l and 66.3% (g ethanol/g hexose at 80 h, respectively, when 161 g/l of PSOM, 15 filter paper units (FPU/g PSOM, and 20% inoculum were used for SSF, which was confirmed in the 2 l scale experiment. This indicates that PS is a good raw material for bioethanol production. Conclusions Ethanol concentration increased with increasing PSOM concentration. The ethanol yield was stable at PSOM concentrations of up to 150 g/l, but decreased at concentrations higher than 150 g/l because of mass transfer limitations. Based on a 2 l scale experiment, when 1,000 kg PS was used, 3,182 kFPU cellulase was produced from 134.7 kg PS. Produced cellulase was used for SSF with 865.3 kg PS and ethanol production was estimated to be 51.1 kg. Increasing the yeast inoculum or cellulase concentration did not significantly improve the ethanol yield or concentration.
2. Effects of particle size of processed barley grain, enzyme addition and microwave treatment on disappearance and gas production for feedlot cattle
Directory of Open Access Journals (Sweden)
Shin-ichi Tagawa
2017-04-01
Full Text Available Objective The effects of particle size of processed barley grain, enzyme addition and microwave treatment on in vitro dry matter (DM disappearance (DMD, gas production and fermentation pH were investigated for feedlot cattle. Methods Rumen fluid from four fistulated feedlot cattle fed a diet of 860 dry-rolled barley grain, 90 maize silage and 50 supplement g/kg DM was used as inoculum in 3 batch culture in vitro studies. In Experiment 1, dry-rolled barley and barley ground through a 1-, 2-, or 4-mm screen were used to obtain four substrates differing in particle size. In Experiment 2, cellulase enzyme (ENZ from Acremonium cellulolyticus Y-94 was added to dry-rolled and ground barley (2-mm at 0, 0.1, 0.5, 1, and 2 mg/g, while Experiment 3 examined the interactions between microwaving (0, 30, and 60 s microwaving and ENZ addition (0, 1, and 2 mg/g using dry-rolled barley and 2-mm ground barley. Results In Experiment 1, decreasing particle size increased DMD and gas production, and decreased fermentation pH (p<0.01. The DMD (g/kg DM of the dry-rolled barley after 24 h incubation was considerably lower (p<0.05 than that of the ground barley (119.1 dry-rolled barley versus 284.8 for 4-mm, 341.7 for 2-mm; and 358.6 for 1-mm. In Experiment 2, addition of ENZ to dry-rolled barley increased DMD (p<0.01 and tended to increase (p = 0.09 gas production and decreased (p<0.01 fermentation pH, but these variables were not affected by ENZ addition to ground barley. In Experiment 3, there were no interactions between microwaving and ENZ addition after microwaving for any of the variables. Microwaving had minimal effects (except decreased fermentation pH, but consistent with Experiment 2, ENZ addition increased (p<0.01 DMD and gas production, and decreased (p<0.05 fermentation pH of dry-rolled barley, but not ground barley. Conclusion We conclude that cellulase enzymes can be used to increase the rumen disappearance of barley grain when it is coarsely processed
3. Investigations on boron isotopic geochemistry of salt lakes in Qaidam basin, Qinghai
Digital Repository Service at National Institute of Oceanography (India)
Xiao, Y; Shirodkar, P.V.; Liu, W.G.; Wang, Y; Jin, L.
of brine and are related to boron origin, the corrosion of salt and to certain chemical constituents. The distribution of boron isotopes in Quidam Basin showed a regional feature: salt lake brines in the west and northwest basin have the highest d11B values...
4. 76 FR 41817 - Notice of Intent To Prepare a Joint Environmental Impact Statement and Environmental Impact...
Science.gov (United States)
2011-07-15
... amended (FLPMA), and the California Environmental Quality Act, the Bureau of Land Management (BLM... following preliminary issues: Air quality and greenhouse gas emissions, biological resources including... DEPARTMENT OF THE INTERIOR Bureau of Land Management [LLCAD05000, L51010000.LVRWB11B4520.FX0000...
5. Allyl borates: a novel class of polyhomologation initiators
KAUST Repository
Wang, De
2016-12-24
Allyl borates, a new class of monofunctional polyhomologation initiators, are reported. These monofunctional initiators are less sensitive and more effective towards polymethylene-based architectures. As an example, the synthesis of α-vinyl-ω-hydroxypolymethylenes is given. By designing/synthesizing different allylic borate initiators, and using 1H and 11B NMR spectroscopy, the initiation mechanism was elucidated.
6. Long-range displacive to short-range order-disorder crossover in weakly concentrated KTa.sub.y./sub.Nb.sub.1-y./sub.O.sub.3./sub..
Czech Academy of Sciences Publication Activity Database
Trepakov, V. A.; Prosandeev, V. A.; Savinov, Maxim; Galinetto, P.; Samoggia, G.; Kapphan, S.; Jastrabík, Lubomír; Boatner, L. A.
2002-01-01
Roč. 41, 11B (2002), s. 7176-7178 ISSN 0021-4922 R&D Projects: GA MŠk LN00A015 Institutional research plan: CEZ:AV0Z1010914 Keywords : incipient ferroelectrics * impurity effects * multiscale ordering Subject RIV: BM - Solid Matter Physics ; Magnetism Impact factor: 1.280, year: 2002
7. Dicty_cDB: Contig-U04005-1 [Dicty_cDB
Lifescience Database Archive (English)
Full Text Available G898233 ) pastbac066xb17.b1.ab1 Res147 1 Pasteuria penetran... 48 0.86 1 ( CG897330 ) pastbac049xe11.b1.ab1 Res147 1 Pasteuria... penetran... 48 0.86 1 ( CG896500 ) pastbac026xc21.b1.ab1 Res147 1 Pasteuria
8. Prof. Yash Pal
Date of birth: 26 November 1926. Date of death: 24 July 2017. Specialization: Physics, Astrophysics, Space Technology and Communications Last known address: 11B, Super Delux Flats, Sector 15A, Noida 201 301, U.P.. YouTube; Twitter; Facebook; Blog ...
9. Irradiation Effects in Fortiweld Steel Containing Different Boron Isotopes
International Nuclear Information System (INIS)
Grounes, M.
1967-07-01
Tensile specimens and miniature impact specimens of the low alloyed pressure vessel steel Fortiweld have been irradiated at 265 deg C in R2 to two neutron doses, 6.5 x 10 18 n/cm 2 (> 1 MeV) and 4 x 10 19 n/cm 2 (thermal) and also 9.0 x 10 18 n/cm 2 (> 1 MeV) and 6 x 10 19 n/cm 2 (thermal). Material from three laboratory melts, in which the boron consisted of 10 B, 11 B and natural boron respectively, were investigated. The results both of tensile tests and impact tests with miniature impact specimens show that the 10 B-alloyed material was changed more and the 11 B-alloyed material was changed less than the material containing natural boron. At the higher neutron dose the increase in yield strength (0.2 % offset yield strength) was 11 kg/mm in the 10 B containing material compared to 5 kg/mm in the 11 B-containing material. The decrease in total elongation was 5 and 0 percentage units respectively. The transition temperature was increased 190 deg C at the higher neutron dose in the 10 B-alloyed material, 40 deg C in the 11 B-alloyed material and 80 deg C in the material containing natural boron
10. 5 CFR 2502.12 - Fees to be charged-general.
Science.gov (United States)
2010-01-01
... disclosure. Charges may be assessed only for the initial review; i.e., the review undertaken the first time... responsive to a request are maintained for distribution by agencies operating statutory-based fee schedule programs (see definition in § 2502.11(b)), such as the NTIS, OA should inform requestors of the steps...
11. Untitled
with periods around four years. As a result, the nonlinear system generates significant amounts of low frequency signal as seen in figure 11(b). We examined the role of these low frequency signals in the nonlinear system in producing the broadening of the spectrum of the low frequency linear oscillator by conducting some ...
12. Aldosterone synthase C-344T, angiotensin II type 1 receptor ...
2014-12-26
Dec 26, 2014 ... other causes of secondary hypertension), diabetes or under any kind of .... used for the analysis of CYP11B2 C-344T and ATR1 A1166C ...... Staessen J. A., Li Y. and Thijs L. 2007 Meta-analysis of blood pres- sure and the ...
13. A genome-wide association study for milk production traits in Danish Jersey cattle using a 50K single nucleotide polymorphism chip
DEFF Research Database (Denmark)
Mai, Duy Minh; Sahana, Goutam; Christiansen, Freddy
2010-01-01
on BTA4, BTA5, BTA13, BTA20, and BTA29 were new QTL for fat index. We found 7 pleiotropic or very closely linked QTL. Most of the QTL were associated with polymorphisms within narrow regions and several may represent the effects of polymorphisms of genes: DGAT1, casein, ARFGAP3, CYP11B1, and CDC...
14. Availability of Communications for the NATO Air Command and Control System in the Central Region and 5ATAF
Science.gov (United States)
1991-10-01
Ground LINKI LISA (Note 1) LISA Environment Data LINK 3 (also supporting mission (single multi- Unks LINK 6 management, ontrol, functional LINK 7 status...LINK 7 status reports, C2RM, message MBDL and sensors) catalogue) ATDL-1 ATDL-1 (Note 2) LINK 11B (Note 3) LINKI 1B ACCS Ground- LINK 4 (interim Air
15. Delay Analysis of GTS Bridging between IEEE 802.15.4 and IEEE 802.11 Networks for Healthcare Applications
Science.gov (United States)
Mišić, Jelena; (Sherman) Shen, Xuemin
2009-01-01
We consider interconnection of IEEE 802.15.4 beacon-enabled network cluster with IEEE 802.11b network. This scenario is important in healthcare applications where IEEE 802.15.4 nodes comprise patient's body area network (BAN) and are involved in sensing some health-related data. BAN nodes have very short communication range in order to avoid harming patient's health and save energy. Sensed data needs to be transmitted to an access point in the ward room using wireless technology with higher transmission range and rate such as IEEE 802.11b. We model the interconnected network where IEEE 802.15.4-based BAN operates in guaranteed time slot (GTS) mode, and IEEE 802.11b part of the bridge conveys GTS superframe to the 802.11b access point. We then analyze the network delays. Performance analysis is performed using EKG traffic from continuous telemetry, and we discuss the delays of communication due the increasing number of patients. PMID:19107184
16. Association between ABCG2 and SLCO1B1 polymorphisms and adverse drug reactions to regorafenib: a preliminary study
.
Science.gov (United States)
Maeda, Akimitsu; Ando, Hitoshi; Ura, Takashi; Komori, Azusa; Hasegawa, Ayako; Taniguchi, Hiroya; Kadowaki, Shigenori; Muro, Kei; Tajika, Masahiro; Kobara, Makiko; Matsuzaki, Masahide; Hashimoto, Naoya; Maeda, Mieko; Kojima, Yasushi; Aoki, Masahiro; Kondo, Eisaku; Mizutani, Akiyoshi; Fujimura, Akio
2017-05-01
Due to the occurrence of severe adverse drug reactions to regorafenib, a drug used in cancer therapy, the identification of a predictive marker(s) is needed to increase the therapeutic applicability of this compound. We therefore investigated whether polymorphisms in the ABCG2 and SLCO1B genes are associated with adverse drug reactions to regorafenib. For these analyses, 37 Japanese cancer patients were treated with regorafenib, genotyped for polymorphisms in ABCG2 and SLCO1B, and evaluated for drug-related adverse drug reactions. There was no association between the ABCG2 421C>A variant and adverse drug reactions to regorafenib. After treatment, the incidences of increased aspartate aminotransferase (AST) and alanine aminotransferase (ALT) as well as increased total bilirubin (grade ≥ 2) were 8%, 4%, and 12%, and 42%, 25%, and 25% among SLCO1B1*1b carriers and non-carriers, respectively. There were no significant associations between elevated ALT and bilirubin and the SLCO1B1*1b allele. However, there were significantly lower incidences of increased AST (8% vs. 42%) and anemia (16% vs. 50%) in SLCO1B1*1b carriers than in non-carriers. The absence of SLCO1B1*1b allele appears to be associated with the development of adverse drug reactions to regorafenib; however, further studies involving larger test groups and other populations are needed to confirm these findings.
.
17. 34 CFR 645.13 - What additional services do Upward Bound Math and Science Centers provide and how are they...
Science.gov (United States)
2010-07-01
... 34 Education 3 2010-07-01 2010-07-01 false What additional services do Upward Bound Math and... Program? § 645.13 What additional services do Upward Bound Math and Science Centers provide and how are... provided under § 645.11(b), an Upward Bound Math and Science Center must provide— (1) Intensive instruction...
18. Routing in Wireless Multimedia Home Networks
NARCIS (Netherlands)
Scholten, Johan; Jansen, P.G.; Hop, Laurens
This paper describes an adapted version of the destination sequenced distance vector routing protocol (DSDV) which is suitable to calculate routes in a wireless real-time home network. The home network is based on a IEEE 802.11b ad hoc network and uses a scheduled token to enforce real-time
19. Routing in Wireless Multimedia Home Networks
NARCIS (Netherlands)
Scholten, Johan; Jansen, P.G.; Hop, Laurens
This paper describes an adapted version of the destination sequenced distance vector routing protocol (DSDV) which is suitable to calculate routes in a wireless ¿real-time¿ home network. The home network is based on a IEEE 802.11b ad hoc network and uses a scheduled token to enforce real-time
20. 38 CFR 3.754 - Emergency officers' retirement pay.
Science.gov (United States)
2010-07-01
...' retirement pay. 3.754 Section 3.754 Pensions, Bonuses, and Veterans' Relief DEPARTMENT OF VETERANS AFFAIRS... officers' retirement pay. A retired emergency officer of World War I has basic eligibility to retirement pay by the Department of Veterans Affairs under Pub. L. 87-875 (sec. 11(b), Pub. L. 85-857) from date...
1. Egyptian Journal of Pediatric Allergy and Immunology (The) - Vol 2 ...
African Journals Online (AJOL)
Neutrophil-surface antigens CD11b and CD64 expression: a potential predictor of early-onset neonatal sepsis · EMAIL FREE FULL TEXT EMAIL FREE FULL TEXT DOWNLOAD FULL TEXT DOWNLOAD FULL TEXT. Nehal M El-Raggal, Mohamed N El-Barbary, Mona F Youssef, Hanaa A El-Mansy ...
2. Neutron Imaging of Lithium Concentration for Validation of Li-Ion Battery State of Charge Estimation
Science.gov (United States)
2010-12-01
2008: Understanding liq- uid water distribution and removal phenomena in an op- erating pemfc via neutron radiography. Journal of The...2008: Measurement of liq- uid water accumulation in a pemfc with dead-ended an- ode. Journal of The Electrochemical Society, 155 (11), B1168–B1178
3. 28 CFR 79.75 - Procedures for payment of claims.
Science.gov (United States)
2010-07-01
... atmospheric detonation of a nuclear device while present in an affected area (as defined in § 79.11(a)) at any... participating onsite in an atmospheric detonation of a nuclear device (as defined in § 79.11(b)) at any time... onsite participation in a test involving the atmospheric detonation of a nuclear device. For purposes of...
4. Regularity of solutions in semilinear elliptic theory
KAUST Repository
Indrei, Emanuel
2016-07-08
We study the semilinear Poisson equation Δu=f(x,u)inB1. (1) Our main results provide conditions on f which ensure that weak solutions of (1) belong to C1,1(B1/2). In some configurations, the conditions are sharp.
5. The hepatitis C virus persistence: how to evade the immune system?
Unknown
1.1b HCV proteins and functions: The first structural protein, from the N-terminus of ... sera of the patients are associated with lipids and lipopro- teins, the nonspecific ...... Classification of hepatitis C virus into six major genotypes and a series of ...
6. Basic data report for drillholes at the H-11 complex (Waste Isolation Pilot Plant-WIPP)
Energy Technology Data Exchange (ETDEWEB)
Mercer, J.W. (Sandia National Labs., Albuquerque, NM (USA)); Snyder, R.P. (Geological Survey, Denver, CO (USA))
1990-05-01
Drillholes H-11b1, H-11b2, and H-11b3 were drilled from August to December 1983 for site characterization and hydrologic studies of the Culebra Dolomite Member of the Upper Permian Rustler Formation at the Waste Isolation Pilot Plant (WIPP) site in southeastern New Mexico. In October 1984, the three wells were subjected to a series of pumping tests designed to develop the wells, provide information on hydraulic communication between the wells, provide hydraulic properties information, and to obtain water samples for quality of water measurements. Based on these tests, it was determined that this location would provide an excellent pad to conduct a convergent-flow non-sorbing tracer test in the Culebra dolomite. In 1988, a fourth hole (H-11b4) was drilled at this complex to provide a tracer-injection hole for the H-11 convergent-flow tracer test and to provide an additional point at which the hydraulic response of the Culebra H-11 multipad pumping test could be monitored. A suite of geophysical logs was run on the drillholes and was used to identify different lithologies and aided in interpretation of the hydraulic tests. 4 refs., 6 figs., 6 tabs.
7. 77 FR 5387 - Amendment to the Export Administration Regulations: Addition of a Reference to a Provision of the...
Science.gov (United States)
2012-02-03
... imposition of sanctions under the ISA. There are several possible sanctions that may be imposed under the ISA... three statutory authorities: (1) The Iran-Iraq Arms Nonproliferation Act of 1992 (Pub. L. 102-484); (2) the Iran, North Korea, and Syria Nonproliferation Act (Pub. L. 106-178); or (3) Section 11B(b)(1)(B)(i...
8. Basic data report for drillholes at the H-11 complex (Waste Isolation Pilot Plant-WIPP)
International Nuclear Information System (INIS)
Mercer, J.W.; Snyder, R.P.
1990-05-01
Drillholes H-11b1, H-11b2, and H-11b3 were drilled from August to December 1983 for site characterization and hydrologic studies of the Culebra Dolomite Member of the Upper Permian Rustler Formation at the Waste Isolation Pilot Plant (WIPP) site in southeastern New Mexico. In October 1984, the three wells were subjected to a series of pumping tests designed to develop the wells, provide information on hydraulic communication between the wells, provide hydraulic properties information, and to obtain water samples for quality of water measurements. Based on these tests, it was determined that this location would provide an excellent pad to conduct a convergent-flow non-sorbing tracer test in the Culebra dolomite. In 1988, a fourth hole (H-11b4) was drilled at this complex to provide a tracer-injection hole for the H-11 convergent-flow tracer test and to provide an additional point at which the hydraulic response of the Culebra H-11 multipad pumping test could be monitored. A suite of geophysical logs was run on the drillholes and was used to identify different lithologies and aided in interpretation of the hydraulic tests. 4 refs., 6 figs., 6 tabs
9. 75 FR 44067 - Conservation Reserve Program
Science.gov (United States)
2010-07-28
... using Prices Paid by Farmer Index as compiled by the USDA National Agricultural Statistics Service), and...) introductory text, (a)(2)(i)(B), (a)(2)(i)(C), (a)(2)(ii) introductory text, (a)(2)(ii))B), (a)(3), (b)(1) introductory text, (b)(2)(iii), (b)(6), (b)(7), (b)(11), (b)(12), (c) introductory text and (c)(3), remove the...
10. 50 CFR 37.22 - Approval of exploration plan.
Science.gov (United States)
2010-10-01
... § 37.21(b), the Regional Director shall promptly publish notice of the application and text of the plan... exploration plan shall be approved by the Regional Director if he determines that it satisfies the....11(b), or minimize adverse impacts on subsistence uses, the Regional Director may approve or...
11. Elastic properties and spectroscopic studies of Na 2 O–ZnO–B 2 O 3 ...
Elastic properties, 11B MAS–NMR and IR spectroscopic studies have been employed to study the structure of Na2O–ZnO–B2O3 glasses. Sound velocities and elastic moduli such as longitudinal, Young's, bulk and shear modulus have been measured at a frequency of 10 MHz as a function of ZnO concentration.
12. Electrochemical iodination of C-methyl derivatives of dodecahydro-7,8-dicarba-nido-undecaborate anion
International Nuclear Information System (INIS)
Rudakov, D.A.; Shirokij, V.L.; Potkin, V.I.; Dikusar, E.A.; Bragin, V.I.; Petrovskij, P.V.; Sivaev, I.B.; Bregadze, V.I.; Kisin, A.V.
2006-01-01
Electrochemical iodination of potassium 7-methyl-7,8-dicarba-nido-undecaborate and potassium 7,8-dimethyl-7,8-dicarba-nido-undecaborate in methanol at 50 deg C was used to prepare their monoiodide derivatives (isolated as tetramethylammonium salts). Their composition and structure are confirmed by elemental analysis, 1 H, 11 B NMR and IR spectra [ru
13. Bishnu D. Pradhan PhD, FNAE Mumbai
RURAL ENVIRONMENT · INSTALLING IN NEPAL NETWORK · UNIT BEING WASHED ON A SUNNY DAY ! Rural Microwave – 6RU10 · CORDECT WLL · Vigyan Ashram in Pabal · PABAL INTERNET SERVICE · Wireless LAN: 802.11b · Regulatory Issues · Technology Customization Example: Internet Access in Rural India.
14. Descriptipn of giant changes of domain sizes in ultrathin magnetic films
Czech Academy of Sciences Publication Activity Database
Kisielewski, M.; Maziewski, A.; Zablotskyy, Vitaliy A.
2004-01-01
Roč. 282, - (2004), s. 39-43 ISSN 0304-8853 Grant - others:SCSR(PL) 4T11B 006 24 Institutional research plan: CEZ:AV0Z1010914 Keywords : magnetic domains * ultrathin films Subject RIV: BM - Solid Matter Physics ; Magnetism Impact factor: 1.031, year: 2004
15. 21 CFR 1315.13 - Adjustments of the assessment of annual needs.
Science.gov (United States)
2010-04-01
... that has been previously fixed pursuant to § 1315.11. (b) In determining to adjust the assessment of annual needs, the Administrator shall consider the following factors: (1) Changes in the demand for that...; (2) Whether any increased demand for that chemical, the national and/or changes in individual rates...
16. Preparação e caracterização espectroscópica de complexos de boro: uma proposta para uma prática integrada de química inorgânica Preparation and spectroscopic characterization of boron complexes: a proposal for an integrated inorganic laboratory
Directory of Open Access Journals (Sweden)
Karl Eberhard Bessler
2010-01-01
Full Text Available As a proposal for an undergraduate second or third year inorganic laboratory course, the present paper describes the preparation of three representative boron complexes: potassium tetrafluoroborate, pyridoxin boron complex and potassium bis(oxalatoborate. The complexes are characterised by infrared and multinuclear magnetic resonance spectroscopy (¹H, 11B and 19F where isotopic effects are demonstrated.
17. New derivatives of alkaloids peganine, vazicinone and garmine
International Nuclear Information System (INIS)
Agedilova, M.T.; Turmukhambetov, A.Zh.; Kazantsev, A.V.; Shul'ts, E.E.
2005-01-01
It was studied the chemical modification of chinazolin alkaloids peganine and vasicinone and indolin alkaloid garmine. The corresponding halogen-, alkyl-, cetyl and hydrazone derivatives and its salts were obtained. The structure of synthesized compounds was definite by following spectral methods: IR, UV, 1 H, 13 C and 11 B NMR spectroscopy
18. Synthesis of the new derivatives of alkaloid glaucine
International Nuclear Information System (INIS)
Mukusheva, G.K.; Zhumagalieva, Zh.Zh.; Turmukhambetov, A.Zh.; Kazantsev, A.V.
2005-01-01
On the basis of aporphine alkaloid glaucine by reactions of halogenation, amino-methylation, acetylation and with esters of boronic acid new derivatives of glaucine were synthesized. The structures of obtained compounds were determined on basis of IR, 13 C, 1 H, 11 B NMR spectral data
19. 75 FR 8045 - Hearing on the Department of Justice's Actions Related to the New Black Panther Party Litigation...
Science.gov (United States)
2010-02-23
... COMMISSION ON CIVIL RIGHTS Hearing on the Department of Justice's Actions Related to the New Black Panther Party Litigation and its Enforcement of Section 11(b) of the Voting Rights Act Correction Notice document 2010-3168 appearing on page 7441 in the issue of Friday, February 19, 2010 was included in error...
20. Phase transitions in PZT ceramics prepared by different techniques
Czech Academy of Sciences Publication Activity Database
Deineka, Alexander; Suchaneck, G.; Jastrabík, Lubomír; Gerlach, G.
2002-01-01
Roč. 41, 11B (2002), s. 6966-6968 ISSN 0021-4922 R&D Projects: GA MŠk LN00A015 Institutional research plan: CEZ:AV0Z1010914 Keywords : PZT * phase transitions * band gap * ferroelectrics Subject RIV: BM - Solid Matter Physics ; Magnetism Impact factor: 1.280, year: 2002
1. Boron isotope fractionation in magma via crustal carbonate dissolution.
Science.gov (United States)
Deegan, Frances M; Troll, Valentin R; Whitehouse, Martin J; Jolis, Ester M; Freda, Carmela
2016-08-04
Carbon dioxide released by arc volcanoes is widely considered to originate from the mantle and from subducted sediments. Fluids released from upper arc carbonates, however, have recently been proposed to help modulate arc CO2 fluxes. Here we use boron as a tracer, which substitutes for carbon in limestone, to further investigate crustal carbonate degassing in volcanic arcs. We performed laboratory experiments replicating limestone assimilation into magma at crustal pressure-temperature conditions and analysed boron isotope ratios in the resulting experimental glasses. Limestone dissolution and assimilation generates CaO-enriched glass near the reaction site and a CO2-dominated vapour phase. The CaO-rich glasses have extremely low δ(11)B values down to -41.5‰, reflecting preferential partitioning of (10)B into the assimilating melt. Loss of (11)B from the reaction site occurs via the CO2 vapour phase generated during carbonate dissolution, which transports (11)B away from the reaction site as a boron-rich fluid phase. Our results demonstrate the efficacy of boron isotope fractionation during crustal carbonate assimilation and suggest that low δ(11)B melt values in arc magmas could flag shallow-level additions to the subduction cycle.
2. Delay Analysis of GTS Bridging between IEEE 802.15.4 and IEEE 802.11 Networks for Healthcare Applications.
Science.gov (United States)
Misić, Jelena; Sherman Shen, Xuemin
2009-01-01
We consider interconnection of IEEE 802.15.4 beacon-enabled network cluster with IEEE 802.11b network. This scenario is important in healthcare applications where IEEE 802.15.4 nodes comprise patient's body area network (BAN) and are involved in sensing some health-related data. BAN nodes have very short communication range in order to avoid harming patient's health and save energy. Sensed data needs to be transmitted to an access point in the ward room using wireless technology with higher transmission range and rate such as IEEE 802.11b. We model the interconnected network where IEEE 802.15.4-based BAN operates in guaranteed time slot (GTS) mode, and IEEE 802.11b part of the bridge conveys GTS superframe to the 802.11b access point. We then analyze the network delays. Performance analysis is performed using EKG traffic from continuous telemetry, and we discuss the delays of communication due the increasing number of patients.
3. Myelin-specific T cells induce interleukin-1beta expression in lesion-reactive microglial-like cells in zones of axonal degeneration
DEFF Research Database (Denmark)
Grebing, Manuela; Nielsen, Helle H; Fenger, Christina D
2016-01-01
lesion-reactive CD11b(+) ramified microglia. These results suggest that myelin-specific T cells stimulate lesion-reactive microglial-like cells to produce IL-1β. These findings are relevant to understand the consequences of T-cell infiltration in white and gray matter lesions in patients with MS. GLIA...
4. Prompt gamma ray diagnostics and enhanced hadron-therapy using neutron-free nuclear reactions
Science.gov (United States)
Giuffrida, L.; Margarone, D.; Cirrone, G. A. P.; Picciotto, A.; Cuttone, G.; Korn, G.
2016-10-01
We propose a series of simulations about the potential use of Boron isotopes to trigger neutron-free (aneutronic) nuclear reactions in cancer cells through the interaction with an incoming energetic proton beam, thus resulting in the emission of characteristic prompt gamma radiation (429 keV, 718 keV and 1435 keV). Furthermore assuming that the Boron isotopes are absorbed in cancer cells, the three alpha-particles produced in each p-11B aneutronic nuclear fusion reactions can potentially result in the enhancement of the biological dose absorbed in the tumor region since these multi-MeV alpha-particles are stopped inside the single cancer cell, thus allowing to spare the surrounding tissues. Although a similar approach based on the use of 11B nuclei has been proposed in [Yoon et al. Applied Physics Letters 105, 223507 (2014)], our work demonstrate, using Monte Carlo simulations, the crucial importance of the use of 10B nuclei (in a solution containing also 11B) for the generation of prompt gamma-rays, which can be applied to medical imaging. In fact, we demonstrate that the use of 10B nuclei can enhance the intensity of the 718 keV gamma-ray peak more than 30 times compared to the solution containing only 11B nuclei. A detailed explanation of the origin of the different prompt gamma-rays, as well as of their application as real-time diagnostics during a potential cancer treatment, is here discussed.
5. 40 CFR Appendix B to Part 136 - Definition and Procedure for the Determination of the Method Detection Limit-Revision 1.11
Science.gov (United States)
2010-07-01
... calculated method detection limit. To insure that the estimate of the method detection limit is a good...) where: MDL = the method detection limit t(n-1,1- α=.99) = the students' t value appropriate for a 99... Determination of the Method Detection Limit-Revision 1.11 B Appendix B to Part 136 Protection of Environment...
6. 6 CFR 5.29 - Fees.
Science.gov (United States)
2010-01-01
... 6 Domestic Security 1 2010-01-01 2010-01-01 false Fees. 5.29 Section 5.29 Domestic Security... § 5.29 Fees. (a) Components shall charge fees for duplication of records under the Privacy Act in the same way in which they charge duplication fees under § 5.11. (b) The Department shall not process a...
7. Evaluating the Effects of Clothing and Individual Equipment on Marksmanship Performance Using a Novel Five Target Methodology
Science.gov (United States)
2016-11-01
operationally relevant and address the key factors for Warfighter performance. N ot s ub je ct to U .S . c op yr ig ht re st ric tio ns . D...11B) from the 75th Ranger Regiment. Two TPs were Aberdeen Test Center (ATC) Contractors as Representative Soldiers (CARS). One of the CARS is
8. High-temperature, low-cycle fatigue of advanced copper-base alloys for rocket nozzles. Part II: NASA 1.1, Glidcop, and sputtered copper alloys. Contractor report, Mar.--Sep. 1974
International Nuclear Information System (INIS)
Conway, J.B.; Stentz, R.H.; Berling, J.T.
1974-11-01
Short-term tensile and low-cycle fatigue data are reported for five advance Cu-base alloys: Sputtered Zr--Cu as received, sputtered Zr--Cu heat-treated, Glidcop AL-10, and alloys 1-1A and 1-1B. Tensile tests were performed in argon at 538 0 C using an axial strain rate of 0.002/s. Yield strength and ultimate tensile strength data are reported along with reduction in area values. Axial strain controlled low-cycle fatigue tests were performed in argon at 538 0 C using an axial strain rate of 0.002/s to define the fatigue life over the range from 100 to 3000 cycles for the five materials studied. Fatigue characteristics of the NASA 1-1A and NASA 1-1B compositions are identical and represent fatigue life values which are much greater than those for the other materials tested. The effect of temperature on NASA 1-1B alloy at a strain rate of 0.002/s and effect of strain rates of 0.0004 and 0.01/s at 538 0 C were evaluated. Hold-time data are reported for the NASA 1-1B alloy at 538 0 C using 5 minute hold periods in tension only and compression only at two different strain range values. (U.S.)
9. Irradiation Effects in Fortiweld Steel Containing Different Boron Isotopes
Energy Technology Data Exchange (ETDEWEB)
Grounes, M
1967-07-15
Tensile specimens and miniature impact specimens of the low alloyed pressure vessel steel Fortiweld have been irradiated at 265 deg C in R2 to two neutron doses, 6.5 x 10{sup 18} n/cm{sup 2} (> 1 MeV) and 4 x 10{sup 19} n/cm{sup 2} (thermal) and also 9.0 x 10{sup 18} n/cm{sup 2} (> 1 MeV) and 6 x 10{sup 19} n/cm{sup 2} (thermal). Material from three laboratory melts, in which the boron consisted of {sup 10}B, {sup 11}B and natural boron respectively, were investigated. The results both of tensile tests and impact tests with miniature impact specimens show that the {sup 10}B-alloyed material was changed more and the {sup 11}B-alloyed material was changed less than the material containing natural boron. At the higher neutron dose the increase in yield strength (0.2 % offset yield strength) was 11 kg/mm in the {sup 10}B containing material compared to 5 kg/mm in the {sup 11}B-containing material. The decrease in total elongation was 5 and 0 percentage units respectively. The transition temperature was increased 190 deg C at the higher neutron dose in the {sup 10}B-alloyed material, 40 deg C in the {sup 11}B-alloyed material and 80 deg C in the material containing natural boron.
10. 48 CFR 752.219-71 - Mentor requirements and evaluation.
Science.gov (United States)
2010-10-01
... 48 Federal Acquisition Regulations System 5 2010-10-01 2010-10-01 false Mentor requirements and....219-71 Mentor requirements and evaluation. As prescribed in AIDAR 719.273-11(b), insert the following clause: Mentor Requirements and Evaluation (July 13, 2007) (a) Mentor and Protégé firms shall submit an...
11. EST Table: FS893327 [KAIKOcDNA[Archive
Lifescience Database Archive (English)
Full Text Available FS893327 E_FL_ftes_11B24_R_0 10/09/28 87 %/134 aa ref|NP_001036831.1| saposin-relat...mology 10/09/10 35 %/119 aa gi|91077504|ref|XP_966852.1| PREDICTED: similar to saposin isoform 1 [Tribolium castaneum] FS895586 ftes ...
12. 7 CFR 30.36 - Class 1; flue-cured types and groups.
Science.gov (United States)
2010-01-01
...-cured, produced principally in the Piedmont sections of Virginia and North Carolina. (b) Type 11b. That... lying between the Piedmont and coastal plains regions of Virginia and North Carolina. (c) Type 12. That type of flue-cured tobacco commonly known as Eastern Flue-cured or Eastern Carolina Flue-cured...
13. Boron isotope fractionation in magma via crustal carbonate dissolution
Science.gov (United States)
Deegan, Frances M.; Troll, Valentin R.; Whitehouse, Martin J.; Jolis, Ester M.; Freda, Carmela
2016-08-01
Carbon dioxide released by arc volcanoes is widely considered to originate from the mantle and from subducted sediments. Fluids released from upper arc carbonates, however, have recently been proposed to help modulate arc CO2 fluxes. Here we use boron as a tracer, which substitutes for carbon in limestone, to further investigate crustal carbonate degassing in volcanic arcs. We performed laboratory experiments replicating limestone assimilation into magma at crustal pressure-temperature conditions and analysed boron isotope ratios in the resulting experimental glasses. Limestone dissolution and assimilation generates CaO-enriched glass near the reaction site and a CO2-dominated vapour phase. The CaO-rich glasses have extremely low δ11B values down to -41.5‰, reflecting preferential partitioning of 10B into the assimilating melt. Loss of 11B from the reaction site occurs via the CO2 vapour phase generated during carbonate dissolution, which transports 11B away from the reaction site as a boron-rich fluid phase. Our results demonstrate the efficacy of boron isotope fractionation during crustal carbonate assimilation and suggest that low δ11B melt values in arc magmas could flag shallow-level additions to the subduction cycle.
14. Solar cells, structures including organometallic halide perovskite monocrystalline films, and methods of preparation thereof
KAUST Repository
Bakr, Osman M.
2017-03-02
Embodiments of the present disclosure provide for solar cells including an organometallic halide perovskite monocrystalline film (see fig. 1.1B), other devices including the organometallic halide perovskite monocrystalline film, methods of making organometallic halide perovskite monocrystalline film, and the like.
15. Interference Measurements in IEEE 802.11 Communication Links Due to Different Types of Interference Sources
NARCIS (Netherlands)
van Bloem, J.W.H.; Schiphorst, Roelof; Kluwer, Taco; Slump, Cornelis H.
2012-01-01
The number of wireless devices (smartphones, laptops, sensors) that use the 2.4 GHz ISM band is rapidly increasing. The most common communication system in this band is Wi-Fi (IEEE 802.11b/g/n). For that reason coexistence between Wi-Fi and other systems becomes more and more important. In this
16. Disease: H01111 [KEGG MEDICUS
Lifescience Database Archive (English)
Full Text Available . 11beta-HSD1 is a dimeric enzyme that catalyzes the reduction of cortisone to cortisol within the endoplasm...ed metabolic disease; Endocrine disease H6PD [HSA:9563] [KO:K13937] HSD11B1 [HSA:3290] [KO:K15680] ... Extremely low ratio of cortisol
17. A New Measure of Wireless Network Connectivity
Science.gov (United States)
2014-10-31
Mathematics and Its Applications. Chapman & Hall/CRC, 2007. [10] N. L. Biggs , Algebraic Graph Theory. Cambridge University Press, 1974. [11] B. Mohar...of systems with multilinear parameter dependence", Automatica, pp. 25-40, 1995. [26] G. H. Golub and C. F. Van Loan, Matrix Computations, Johns
18. Distribution of cytoskeletal proteins, integrins, leukocyte adhesion molecules and extracellular matrix proteins in plastic-embedded human and rat kidneys
NARCIS (Netherlands)
van Goor, H; Coers, W; van der Horst, MLC; Suurmeijer, AJH
2001-01-01
OBJECTIVE: To study the distribution of cytoskeletal proteins (actin, alpha -actinin, vinculin, beta -tubulin, keratin, vimentin, desmin), adhesion molecules for cell-matrix interations (very later antigens [VLA1-6], beta1, beta2 [CD18], vitronectin receptor [alphav beta3], CD 11b), leukocyte
19. Low-cost RAU with Optical Power Supply Used in a Hybrid RoF IEEE 802.11 Network
Science.gov (United States)
Kowalczyk, M.; Siuzdak, J.
2014-09-01
The paper presents design and implementation of a low-cost RAU (Remote Antenna Unit) device. It was designed to work in a hybrid Wi-Fi/optical network based on the IEEE 802.11b/g standard. An unique feature of the device is the possibility of optical power supply.
20. 12 CFR 362.12 - Service corporations of insured State savings associations.
Science.gov (United States)
2010-01-01
.... (B) Equity securities of a company that acquires and retains adjustable-rate and money market...) Acquiring and retaining adjustable-rate and money market preferred stock. A service corporation may engage... instruments held under this paragraph (b)(2)(ii)(B), paragraph (b)(2)(iv) of this section, and § 362.11(b)(2...
1. Nuclear structure of 216 Ra at high spin
Bi(10B, 3n) reaction at an incident beam energy of 55 MeV and 209Bi(11B, 4n) reaction at incident beam energies ranging from 65 to 78 MeV. Based on coincidence data, the level scheme for 216Ra has been considerably extended up to ...
2. Study of high energy ion implantation of boron and oxygen in silicon
International Nuclear Information System (INIS)
Thevenin, P.
1991-06-01
Three aspects of high energy (0.5-3 MeV) light ions ( 11 B + and 16 O + ) implantation in silicon are examined: (1)Spatial repartition; (2) Target damage and (3) Synthesis by oxygen implantation of a buried silicon oxide layer
3. Dicty_cDB: VHD246 [Dicty_cDB
Lifescience Database Archive (English)
Full Text Available op1-11B14, complete sequence. 38 0.28 5 CX072513 |CX072513.1 UCRCS08_28E10_g Parent Washington Navel Orange ... mRNA sequence. 46 1.4 1 CX072512 |CX072512.1 UCRCS08_28E10_b Parent Washington Navel Orange Callus cDNA Lib
4. Dicty_cDB: VHD896 [Dicty_cDB
Lifescience Database Archive (English)
Full Text Available rpa clone Pop1-11B14, complete sequence. 38 0.22 5 CX072513 |CX072513.1 UCRCS08_28E10_g Parent Washington Na...46 1.3 1 CX072512 |CX072512.1 UCRCS08_28E10_b Parent Washington Navel Orange Call
5. Complete sequences of four plasmids of Lactococcus lactis subsp cremoris SK11 reveal extensive adaptation to the dairy environment
NARCIS (Netherlands)
Siezen, R.J.; Renckens, B.; Swam, van I.; Peters, S.; Kranenburg, van R.; Kleerebezem, M.; Vos, de W.M.
2005-01-01
Lactococcus lactis strains are known to carry plasmids encoding industrially important traits. L. lactis subsp. cremoris SK11 is widely used by the dairy industry in cheese making. Its complete plasmid complement was sequenced and found to contain the plasmids pSK11A (10,372 bp), pSK11B (13,332 bp),
6. Investigations of the nuclear magnetic resonance of phosphorus compounds. XXXII. Borontrifluoride adducts of some methylenephosphoranes
Energy Technology Data Exchange (ETDEWEB)
Fluck, E; Bayha, H; Heckmann, G [Stuttgart Univ. (TH) (Germany F.R.). Inst. fuer Anorganische Chemie
1976-03-01
The synthesis of the hitherto unknown BF/sub 3/ adducts of trimethyl- and triethyl-methylenephosphorane is described. The /sup 31/P-, /sup 11/B-, /sup 19/F- and /sup 1/H-nmr spectra of these compounds are reported and interpreted.
7. 76 FR 81059 - Guidance Regarding Deduction and Capitalization of Expenditures Related to Tangible Property
Science.gov (United States)
2011-12-27
... and necessary trade or business expenses) and section 263(a) (relating to the capitalization... is not deductible as a business expense. Section 1.162-11(b) of the existing regulations also... court explained that repair and maintenance expenses are incurred for the purpose of keeping property in...
8. 40 CFR 63.1437 - Additional requirements for performance testing.
Science.gov (United States)
2010-07-01
... gas being combusted, using the techniques specified in § 63.11(b)(6) of the General Provisions; and (3... National Emission Standards for Hazardous Air Pollutant Emissions for Polyether Polyols Production § 63..., using the techniques specified in paragraphs (c)(1) through (3) of this section, that compliance...
9. Aldosterone-Synthase Gene Polymorphism is Associated with Blood Pressure Levels and Left Ventricle Mass Index
Czech Academy of Sciences Publication Activity Database
Horký, K.; Jáchymová, M.; Heller, S.; Linhart, A.; Hlubocká, Z.; Umnerová, V.; Peleška, Jan; Pavlíková, Markéta; Jindra, A.
2004-01-01
Roč. 204, 1 suppl. (2004), s. 35 ISSN 0014-2565. [World Congress of Internal Medicine /27./. 26.09.2004-01.10.2004, Granada] R&D Projects: GA MŠk LN00B107 Keywords : aldosterone synthase (CYP11B) * genetic polymorphism * arterial hypertension * left ventricular hypertrophy Subject RIV: FA - Cardiovascular Diseases incl. Cardiotharic Surgery
10. States in [sup 12]B and primordial nucleosynthesis. Pt. 2; Resonance properties and astrophysical aspects
Energy Technology Data Exchange (ETDEWEB)
Mao, Z Q [Dept. of Physics, Princeton Univ., NJ (United States); Vogelaar, R B [Dept. of Physics, Princeton Univ., NJ (United States); Champagne, A E [Dept. of Physics and Astronomy, Univ. of North Carolina, Chapel Hill, NC (United States) Triangle Univs. Nuclear Lab., Duke Univ., Durham, NC (United States); Blackmon, J C [Dept. of Physics and Astronomy, Univ. of North Carolina, Chapel Hill, NC (United States) Triangle Univs. Nuclear Lab., Duke Univ., Durham, NC (United States); Das, R K [Dept. of Physics and Astronomy, Univ. of North Carolina, Chapel Hill, NC (United States) Triangle Univs. Nuclear Lab., Duke Univ., Durham, NC (United States); Hahn, K I [A.W. Wright Nuclear Structure Lab., Yale Univ., New Haven, CT (United States); Yuan, J [Inst. of Atomic Energy, Beijing, BJ (China)
1994-01-10
The [sup 9]Be([alpha],p)[sup 12]B has been used to populate states which could correspond to astrophysically significant resonances in the [sup 8]Li([alpha],n)[sup 11]B reaction. The branching ratios for neutron decays have been measured and the neutron angular distributions have been used to determine J[sup [pi
11. Structure fragmentation of a surface layer of commercial purity titanium during ultrasonic impact treatment
International Nuclear Information System (INIS)
Kozelskaya, Anna; Kazachenok, Marina; Sinyakova, Elena; Pochivalov, Yurii; Perevalova, Olga; Panin, Alexey; Hairullin, Rustam
2015-01-01
The mechanisms of surface layer fragmentation of titanium specimens subjected to ultrasonic impact treatment is investigated by atomic force microscopy, transmission electron microscopy and electron backscatter diffraction. It is shown that the twin boundaries Σ7b and Σ11b are unable to be strong obstacles for propagation of dislocations and other twins
12. 76 FR 41815 - Notice of Intent To Prepare an Environmental Impact Statement for the enXco Development...
Science.gov (United States)
2011-07-15
... DEPARTMENT OF THE INTERIOR Bureau of Land Management [LLCAD0500, L51010000.LVRWB11B4500.FX0000] Notice of Intent To Prepare an Environmental Impact Statement for the enXco Development Corporation's Tylerhorse Wind Project, Kern County, CA, and Possible Land Use Plan Amendment; CACA 51561 AGENCY: Bureau of...
13. 78 FR 11672 - Notice of Availability of the Final Environmental Impact Statement for the Alta East Wind Project...
Science.gov (United States)
2013-02-19
... DEPARTMENT OF THE INTERIOR Bureau of Land Management [CACA-052537, LLCAD05000, L51010000.LVRWB11B4520.FX0000] Notice of Availability of the Final Environmental Impact Statement for the Alta East Wind Project, Kern County, CA, and Proposed Land Use Plan Amendment AGENCY: Bureau of Land Management, Interior...
14. 77 FR 38823 - Notice of Availability of the Alta East Wind Project Draft Environmental Impact Statement...
Science.gov (United States)
2012-06-29
... DEPARTMENT OF THE INTERIOR Bureau of Land Management [CACA-052537, LLCAD05000, L51010000.FX0000, LVRWB11B4520] Notice of Availability of the Alta East Wind Project Draft Environmental Impact Statement/Environmental Impact Report and Proposed California Desert Conservation Area Plan Amendment, Kern County, CA...
15. 78 FR 33101 - Notice of Availability of the Record of Decision for the Alta East Wind Project, Kern County...
Science.gov (United States)
2013-06-03
... DEPARTMENT OF THE INTERIOR Bureau of Land Management [CACA-052537, LLCAD05000, L51010000.LVRWB11B4520.FX0000] Notice of Availability of the Record of Decision for the Alta East Wind Project, Kern County, California AGENCY: Bureau of Land Management, Interior. ACTION: Notice of Availability. SUMMARY...
16. Mittal, Dr Jai Pal
Elected: 1986 Section: Chemistry ... Specialization: Radiation Chemistry & Radiation Biology, Photochemistry ... Address: 11-B, Rohini Co-op. ... The 29th Mid-year meeting of the Academy will be held from 29–30 June 2018 in Infosys, Mysuru ...
17. The Boron Isotopic Composition of Elephant Dung: Inputs to the Global Boron Budget
Science.gov (United States)
Williams, L. B.; Hervig, R. L.
2011-12-01
A survey of boron in kerogen showed isotopically light δ11B values (0 to -50%) that are distinctly different from most mineral and natural water B reservoirs. Diagenesis releases this isotopically light B into pore fluids when hydrocarbons are generated, thus enriching oilfield brines in 10B. This observation suggests that borated biomolecules (BM) are primarily tetrahedral favoring 10B, whereas 11B is preferred in trigonal coordination. Plants, with optimal concentrations up to 100ppm, contribute more B than animal remains to sediment. Elephants are one of the largest herbivores on earth, consuming 200 - 250 kg of plant material/day and producing 50 kg of manure/day. They are inefficient at digestion, thus the manure contains >50% undigested plant material. Dung samples are therefore ideal for studying the δ11B of both the food input and digested output of a significant B supply to sedimentary systems. Horse and rabbit manure were studied for comparison to evaluate B isotope variations in the food supply and potential vital effects on the output. B-content and isotopic composition of dung plant material and digested fractions were measured in the solid state by secondary ion mass spectrometry. The digests were rinsed in 1.8% mannitol, a B-complexing agent, to remove surface adsorbed-B, then air dried and Au-coated for charge compensation. Results showed that the elephant diet contains 3-13 ppm B, with an average δ11B of -20 ± 0.8% (1σ), while rabbit food had 88 ppm B with a δ11B of -50 ± 1.3 %. The digested fraction of the elephant dung contains 4-10ppm B with average δ11B values of -12 ± 1.2%. In comparison, horse manure with 11-21 ppm B has a δ11B of -10.7 ± 0.5% and rabbit manure contains 2-3 ppm B with a δ11B of -8.8 ± 1%. Boron isotope compositions of these manures are indistinguishable (within error). Clearly plant material is a major contributor of isotopically light B to sediments. The herbivores studied fractionate their total B intake in
18. CD11c(hi) Dendritic Cells Regulate Ly-6C(hi) Monocyte Differentiation to Preserve Immune-privileged CNS in Lethal Neuroinflammation.
Science.gov (United States)
Kim, Jin Hyoung; Choi, Jin Young; Kim, Seong Bum; Uyangaa, Erdenebelig; Patil, Ajit Mahadev; Han, Young Woo; Park, Sang-Youel; Lee, John Hwa; Kim, Koanhoi; Eo, Seong Kug
2015-12-02
Although the roles of dendritic cells (DCs) in adaptive defense have been defined well, the contribution of DCs to T cell-independent innate defense and subsequent neuroimmunopathology in immune-privileged CNS upon infection with neurotropic viruses has not been completely defined. Notably, DC roles in regulating innate CD11b(+)Ly-6C(hi) monocyte functions during neuroinflammation have not yet been addressed. Using selective ablation of CD11c(hi)PDCA-1(int/lo) DCs without alteration in CD11c(int)PDCA-1(hi) plasmacytoid DC number, we found that CD11c(hi) DCs are essential to control neuroinflammation caused by infection with neurotropic Japanese encephalitis virus, through early and increased infiltration of CD11b(+)Ly-6C(hi) monocytes and higher expression of CC chemokines. More interestingly, selective CD11c(hi) DC ablation provided altered differentiation and function of infiltrated CD11b(+)Ly-6C(hi) monocytes in the CNS through Flt3-L and GM-CSF, which was closely associated with severely enhanced neuroinflammation. Furthermore, CD11b(+)Ly-6C(hi) monocytes generated in CD11c(hi) DC-ablated environment had a deleterious rather than protective role during neuroinflammation, and were more quickly recruited into inflamed CNS, depending on CCR2, thereby exacerbating neuroinflammation via enhanced supply of virus from the periphery. Therefore, our data demonstrate that CD11c(hi) DCs provide a critical and unexpected role to preserve the immune-privileged CNS in lethal neuroinflammation via regulating the differentiation, function, and trafficking of CD11b(+)Ly-6C(hi) monocytes.
19. Boron isotopic compositions in growing corals from the South China Sea
Science.gov (United States)
Xiao, Jun; Xiao, Yingkai; Jin, Zhangdong; Liu, Congqiang; He, Maoyong
2013-01-01
In order to determine incorporation of boron species, boron isotopic fractionation, and influence of trace elements on isotopic compositions of boron in corals (δ11Bcoral), concentrations of Mg, Sr, Na, B and δ11Bcoral in growing corals from the South China Sea were measured. Relative to seawater, Sr enriched while Mg depleted in corals in the South China Sea. Although the δ11Bcoral values were different from various species and were not closely correlated with the element concentrations in corals in the South China Sea, Mg(OH)2 existed in corals can result in high δ11Bcoral. Thus, it is necessary to examine the existence of Mg(OH)2 and to choose the same species when δ11Bcoral is used in the δ11B-pH proxy. Based on the measured δ11B values of corals and coexisting seawater as well as the seawater pH in the South China Sea, a new isotopic fractionation factor a4-3 between B(OH)4- and B(OH)3 was determined to be 0.979. Besides B(OH)4- into corals, our results showed that B(OH)3 may also be incorporated into corals with variable proportions. The incorporation of B(OH)3 into corals may challenge the hypothesis of δ11Bcoral = δ11B4, resulting in increasing uncertainty to the calculated seawater pH values to the δ11B-pH proxy. We suggested that a best-fit empirical equation between δ11B of bio-carbonates and seawater pH needs to be established by the precipitation experiments of inorganic carbonates or culture experiments of corals or foraminifera.
20. Single nucleotide polymorphism markers for low-dose aspirin-associated peptic ulcer and ulcer bleeding.
Science.gov (United States)
Shiotani, Akiko; Murao, Takahisa; Fujita, Yoshihiko; Fujimura, Yoshinori; Sakakibara, Takashi; Nishio, Kazuto; Haruma, Ken
2014-12-01
In our previous study, the SLCO1B1 521TT genotype and the SLCO1B1*1b haplotype were significantly associated with the risk of peptic ulcer in patients taking low-dose aspirin (LDA). The aim of the present study was to investigate pharmacogenomic profile of LDA-induced peptic ulcer and ulcer bleeding. Patients taking 100 mg of enteric-coated aspirin for cardiovascular diseases and with a peptic ulcer or ulcer bleeding and patients who also participated in endoscopic surveillance were studied. Genome-wide analysis of single nucleotide polymorphisms (SNPs) was performed using the Affymetrix DME Plus Premier Pack. SLCO1B1*1b haplotype and candidate genotypes of genes associated with ulcer bleeding or small bowel bleeding identified by genome-wide analysis were determined using TaqMan SNP Genotyping Assay kits, polymerase chain reaction-restriction fragment length polymorphism, and direct sequencing. Of 593 patients enrolled, 111 patients had a peptic ulcer and 45 had ulcer bleeding. The frequencies of the SLCO1B1*1b haplotype and CHST2 2082 T allele were significantly greater in patients with peptic ulcer and ulcer bleeding compared to the controls. After adjustment for significant factors, the SLCO1B1*1b haplotype was associated with peptic ulcer (OR 2.20, 95% CI 1.24-3.89) and CHST2 2082 T allele with ulcer bleeding (2.57, 1.07-6.17). The CHST2 2082 T allele as well as SLCO1B1*1b haplotype may identify patients at increased risk for aspirin-induced peptic ulcer or ulcer bleeding. © 2014 Journal of Gastroenterology and Hepatology Foundation and Wiley Publishing Asia Pty Ltd.
1. Effect of annealing on magnetic properties and structure of Fe-Ni based magnetic microwires
International Nuclear Information System (INIS)
Zhukova, V.; Korchuganova, O.A.; Aleev, A.A.; Tcherdyntsev, V.V.; Churyukanova, M.; Medvedeva, E.V.; Seils, S.; Wagner, J.; Ipatov, M.; Blanco, J.M.; Kaloshkin, S.D.; Aronin, A.; Abrosimova, G.; Orlova, N.
2017-01-01
Highlights: • High domain wall mobility of Fe-Ni-based microwires. • Enhancement of domain wall velocity and mobility in Fe-rich microwires after annealing. • Observation of areas enriched by Si and depleted by B after annealing. • Phase separation in annealed Fe-Ni based microwires in metallic nucleus and near the interface layer. - Abstract: We studied the magnetic properties and domain wall (DW) dynamics of Fe 47.4 Ni 26.6 Si 11 B 13 C 2 and Fe 77.5 Si 7.5 B 15 microwires. Both samples present rectangular hysteresis loop and fast magnetization switching. Considerable enhancement of DW velocity is observed in Fe 77.5 Si 7.5 B 15 , while DW velocity of samples Fe 47.4 Ni 26.6 Si 11 B 13 C 2 is less affected by annealing. The other difference is the magnetic field range of the linear region on dependence of domain wall velocity upon magnetic field: in Fe 47.4 Ni 26.6 Si 11 B 13 C 2 sample is considerably shorter and drastically decreases after annealing. We discussed the influence of annealing on DW dynamics considering different magnetoelastic anisotropy of studied microwires and defects within the amorphous state in Fe 47.4 Ni 26.6 Si 11 B 13 C 2 . Consequently we studied the structure of Fe 47.4 Ni 26.6 Si 11 B 13 C 2 sample using X-ray diffraction and the atom probe tomography. The results obtained using the atom probe tomography supports the formation of the B-depleted and Si-enriched precipitates in the metallic nucleus of Fe-Ni based microwires.
2. Robust diagnosis of Ewing sarcoma by immunohistochemical detection of super-enhancer-driven EWSR1-ETS targets
Science.gov (United States)
Marchetto, Aruna; Gerke, Julia S.; Rubio, Rebeca Alba; Kiran, Merve M.; Musa, Julian; Knott, Maximilian M. L.; Ohmura, Shunya; Li, Jing; Akpolat, Nusret; Akatli, Ayse N.; Özen, Özlem; Dirksen, Uta; Hartmann, Wolfgang; de Alava, Enrique; Baumhoer, Daniel; Sannino, Giuseppina; Kirchner, Thomas; Grünewald, Thomas G. P.
2018-01-01
Ewing sarcoma is an undifferentiated small-round-cell sarcoma. Although molecular detection of pathognomonic EWSR1-ETS fusions such as EWSR1-FLI1 enables definitive diagnosis, substantial confusion can arise if molecular diagnostics are unavailable. Diagnosis based on the conventional immunohistochemical marker CD99 is unreliable due to its abundant expression in morphological mimics. To identify novel diagnostic immunohistochemical markers for Ewing sarcoma, we performed comparative expression analyses in 768 tumors representing 21 entities including Ewing-like sarcomas, which confirmed that CIC-DUX4-, BCOR-CCNB3-, EWSR1-NFATc2-, and EWSR1-ETS-translocated sarcomas are distinct entities, and revealed that ATP1A1, BCL11B, and GLG1 constitute specific markers for Ewing sarcoma. Their high expression was validated by immunohistochemistry and proved to depend on EWSR1-FLI1-binding to highly active proximal super-enhancers. Automated cut-off-finding and combination-testing in a tissue-microarray comprising 174 samples demonstrated that detection of high BCL11B and/or GLG1 expression is sufficient to reach 96% specificity for Ewing sarcoma. While 88% of tested Ewing-like sarcomas displayed strong CD99-immunoreactivity, none displayed combined strong BCL11B- and GLG1-immunoreactivity. Collectively, we show that ATP1A1, BCL11B, and GLG1 are EWSR1-FLI1 targets, of which BCL11B and GLG1 offer a fast, simple, and cost-efficient way to diagnose Ewing sarcoma by immunohistochemistry. These markers may significantly reduce the number of misdiagnosed patients, and thus improve patient care. PMID:29416716
3. High resolution {sup 12}C({gamma},p) experiments at E{sub {gamma}} {approx_equal} 25-75 MeV
Energy Technology Data Exchange (ETDEWEB)
Ruijter, H
1995-08-01
Absolute differential cross sections for the {sup 12}C({gamma},p){sup 11}B reaction have been measured over proton detection angels ranging from 30 to 150 deg, using tagged photons of 25-75 MeV energy, for low-lying regions of residual excitation energy in {sup 11}B. Four experiments were performed at the MAX laboratory in Lund in order to provide data. Previously reported cross sections for the reaction had systematic uncertainties of a magnitude which made them agree, in spite of a large spread in absolute values. The cross sections reported, with a systematic uncertainty of 8%, remove previous ambiguities for E{sub {gamma}}=40-75 MeV. A reinterpretation of the states excited in{sup 11}B at E about 7 MeV is also presented. The data are compared with quasi-elastic (e,e`p) results in PWIA in the same recoil momentum range. It is found that the momentum distributions do not scale for the two reaction types. Furthermore, the data are compared with the results for the inverse reaction (p,{gamma}) in the centre-of-momentum system by detailed balance. The comparison with respect to missing momentum indicates an angular dependence in the ({gamma},p) reaction which is not present in the inverse (p,{gamma}) reaction. Recent results from the MAX laboratory for the ({gamma},n) reaction are compared to the ({gamma},p) results. The mirror nuclei {sup 11}C and {sup 11}B have almost identical excitation energy spectra at E{sub {gamma}}=60 MeV. It is concluded that HF-RPA calculations with essential contributions of meson exchange currents provide a qualitative description of the angular distributions obtained for the ({gamma},p) reaction. An extension of the spherical symmetric basis for the wave function is suggested for the states at E about 7 MeV in {sup 11}B. 108 refs, 83 figs.
4. Coralline algae elevate pH at the site of calcification under ocean acidification.
Science.gov (United States)
Cornwall, Christopher E; Comeau, Steeve; McCulloch, Malcolm T
2017-10-01
Coralline algae provide important ecosystem services but are susceptible to the impacts of ocean acidification. However, the mechanisms are uncertain, and the magnitude is species specific. Here, we assess whether species-specific responses to ocean acidification of coralline algae are related to differences in pH at the site of calcification within the calcifying fluid/medium (pH cf ) using δ 11 B as a proxy. Declines in δ 11 B for all three species are consistent with shifts in δ 11 B expected if B(OH) 4 - was incorporated during precipitation. In particular, the δ 11 B ratio in Amphiroa anceps was too low to allow for reasonable pH cf values if B(OH) 3 rather than B(OH) 4 - was directly incorporated from the calcifying fluid. This points towards δ 11 B being a reliable proxy for pH cf for coralline algal calcite and that if B(OH) 3 is present in detectable proportions, it can be attributed to secondary postincorporation transformation of B(OH) 4 - . We thus show that pH cf is elevated during calcification and that the extent is species specific. The net calcification of two species of coralline algae (Sporolithon durum, and Amphiroa anceps) declined under elevated CO 2 , as did their pH cf . Neogoniolithon sp. had the highest pH cf , and most constant calcification rates, with the decrease in pH cf being ¼ that of seawater pH in the treatments, demonstrating a control of coralline algae on carbonate chemistry at their site of calcification. The discovery that coralline algae upregulate pH cf under ocean acidification is physiologically important and should be included in future models involving calcification. © 2017 John Wiley & Sons Ltd.
5. Clinical, genetic, and structural basis of apparent mineralocorticoid excess due to 11β-hydroxysteroid dehydrogenase type 2 deficiency.
Science.gov (United States)
Yau, Mabel; Haider, Shozeb; Khattab, Ahmed; Ling, Chen; Mathew, Mehr; Zaidi, Samir; Bloch, Madison; Patel, Monica; Ewert, Sinead; Abdullah, Wafa; Toygar, Aysenur; Mudryi, Vitalii; Al Badi, Maryam; Alzubdi, Mouch; Wilson, Robert C; Al Azkawi, Hanan Said; Ozdemir, Hatice Nur; Abu-Amer, Wahid; Hertecant, Jozef; Razzaghy-Azar, Maryam; Funder, John W; Al Senani, Aisha; Sun, Li; Kim, Se-Min; Yuen, Tony; Zaidi, Mone; New, Maria I
2017-12-26
Mutations in 11β-hydroxysteroid dehydrogenase type 2 gene ( HSD11B2 ) cause an extraordinarily rare autosomal recessive disorder, apparent mineralocorticoid excess (AME). AME is a form of low renin hypertension that is potentially fatal if untreated. Mutations in the HSD11B2 gene result either in severe AME or a milder phenotype (type 2 AME). To date, ∼40 causative mutations have been identified. As part of the International Consortium for Rare Steroid Disorders, we have diagnosed and followed the largest single worldwide cohort of 36 AME patients. Here, we present the genotype and clinical phenotype of these patients, prominently from consanguineous marriages in the Middle East, who display profound hypertension and hypokalemic alkalosis. To correlate mutations with phenotypic severity, we constructed a computational model of the HSD11B2 protein. Having used a similar strategy for the in silico evaluation of 150 mutations of CYP21A2 , the disease-causing gene in congenital adrenal hyperplasia, we now provide a full structural explanation for the clinical severity of AME resulting from each known HSD11B2 missense mutation. We find that mutations that allow the formation of an inactive dimer, alter substrate/coenzyme binding, or impair structural stability of HSD11B2 yield severe AME. In contrast, mutations that cause an indirect disruption of substrate binding or mildly alter intramolecular interactions result in type 2 AME. A simple in silico evaluation of novel missense mutations could help predict the often-diverse phenotypes of an extremely rare monogenic disorder.
6. Blockade of A2b Adenosine Receptor Reduces Tumor Growth and Immune Suppression Mediated by Myeloid-Derived Suppressor Cells in a Mouse Model of Melanoma
Directory of Open Access Journals (Sweden)
Raffaella Iannone
2013-12-01
Full Text Available The A2b receptor (A2bR belongs to the adenosine receptor family. Emerging evidence suggest that A2bR is implicated in tumor progression in some murine tumor models, but the therapeutic potential of targeting A2bR in melanoma has not been examined. This study first shows that melanoma-bearing mice treated with Bay 60-6583, a selective A2bR agonist, had increased melanoma growth. This effect was associated with higher levels of immune regulatory mediators interleukin-10 (IL-10 and monocyte chemoattractant protein 1 (MCP-1 and accumulation of tumor-associated CD11b positive Gr1 positive cells (CD11b+Gr1+ myeloid-derived suppressor cells (MDSCs. Depletion of CD11b+Gr1+ cells completely reversed the protumor activity of Bay 60-6583. Conversely, pharmacological blockade of A2bR with PSB1115 reversed immune suppression in the tumor microenvironment, leading to a significant melanoma growth delay. PSB1115 treatment reduced both levels of IL-10 and MCP-1 and CD11b+Gr1+ cell number in melanoma lesions. These effects were associated with higher frequency of tumor-infiltrating CD8 positive (CD8+ T cells and natural killer T (NKT cells and increased levels of T helper 1 (Th1-like cytokines. Adoptive transfer of CD11b+Gr1+ cells abrogated the antitumor activity of PSB1115. These data suggest that the antitumor activity of PSB1115 relies on its ability to lower accumulation of tumor-infiltrating MDSCs and restore an efficient antitumor T cell response. The antitumor effect of PSB1115 was not observed in melanoma-bearing nude mice. Furthermore, PSB1115 enhanced the antitumor efficacy of dacarbazine. These data indicate that A2bR antagonists such as PSB1115 should be investigated as adjuvants in the treatment of melanoma.
7. Boron isotope sensitivity to seawater pH change in a species of Neogoniolithon coralline red alga
Science.gov (United States)
Donald, Hannah K.; Ries, Justin B.; Stewart, Joseph A.; Fowell, Sara E.; Foster, Gavin L.
2017-11-01
The increase in atmospheric carbon dioxide (CO2) observed since the industrial revolution has reduced surface ocean pH by ∼0.1 pH units, with further change in the oceanic system predicted in the coming decades. Calcareous organisms can be negatively affected by extreme changes in seawater pH (pHsw) such as this due to the associated changes in the oceanic carbonate system. The boron isotopic composition (δ11B) of biogenic carbonates has been previously used to monitor pH at the calcification site (pHcf) in scleractinian corals, providing mechanistic insights into coral biomineralisation and the impact of variable pHsw on this process. Motivated by these investigations, this study examines the δ11B of the high-Mg calcite skeleton of the coralline red alga Neogoniolithon sp. to constrain pHcf, and investigates how this taxon's pHcf is impacted by ocean acidification. δ11B was measured in multiple algal replicates (n = 4-5) cultured at four different pCO2 scenarios - averaging (±1σ) 409 (±6), 606 (±7), 903 (±12) and 2856 (±54) μatm, corresponding to average pHsw (±1σ) of 8.19 (±0.03), 8.05 (±0.06), 7.91 (±0.03) and 7.49 (±0.02) respectively. Results show that skeletal δ11B is elevated relative to the δ11B of seawater borate at all pHsw treatments by up to 18‰. Although substantial variability in δ11B exists between replicate samples cultured at a given pHsw (smallest range = 2.32‰ at pHsw 8.19, largest range = 6.08‰ at pHsw 7.91), strong correlations are identified between δ11B and pHsw (R2 = 0.72, p < 0.0001, n = 16) and between δ11B and B/Ca (R2 = 0.72, p < 0.0001, n = 16). Assuming that skeletal δ11B reflects pHcf as previously observed for scleractinian corals, the average pHcf across all experiments was 1.20 pH units (0.79 to 1.56) higher than pHsw, with the magnitude of this offset varying parabolically with decreasing pHsw, with a maximum difference between pHsw and pHcf at a pHsw of 7.91. Observed relationships between pHsw and
8. Intracellular bacillary burden reflects a burst size for Mycobacterium tuberculosis in vivo.
Directory of Open Access Journals (Sweden)
Teresa Repasy
2013-02-01
Full Text Available We previously reported that Mycobacterium tuberculosis triggers macrophage necrosis in vitro at a threshold intracellular load of ~25 bacilli. This suggests a model for tuberculosis where bacilli invading lung macrophages at low multiplicity of infection proliferate to burst size and spread to naïve phagocytes for repeated cycles of replication and cytolysis. The current study evaluated that model in vivo, an environment significantly more complex than in vitro culture. In the lungs of mice infected with M. tuberculosis by aerosol we observed three distinct mononuclear leukocyte populations (CD11b(- CD11c(+/hi, CD11b(+/lo CD11c(lo/-, CD11b(+/hi CD11c(+/hi and neutrophils hosting bacilli. Four weeks after aerosol challenge, CD11b(+/hi CD11c(+/hi mononuclear cells and neutrophils were the predominant hosts for M. tuberculosis while CD11b(+/lo CD11c(lo/- cells assumed that role by ten weeks. Alveolar macrophages (CD11b(- CD11c(+/hi were a minority infected cell type at both time points. The burst size model predicts that individual lung phagocytes would harbor a range of bacillary loads with most containing few bacilli, a smaller proportion containing many bacilli, and few or none exceeding a burst size load. Bacterial load per cell was enumerated in lung monocytic cells and neutrophils at time points after aerosol challenge of wild type and interferon-γ null mice. The resulting data fulfilled those predictions, suggesting a median in vivo burst size in the range of 20 to 40 bacilli for monocytic cells. Most heavily burdened monocytic cells were nonviable, with morphological features similar to those observed after high multiplicity challenge in vitro: nuclear condensation without fragmentation and disintegration of cell membranes without apoptotic vesicle formation. Neutrophils had a narrow range and lower peak bacillary burden than monocytic cells and some exhibited cell death with release of extracellular neutrophil traps. Our studies suggest
9. Evaluation of boron isotope ratio as a pH proxy in the deep sea coral Desmophyllum dianthus: Evidence of physiological pH adjustment
Science.gov (United States)
Anagnostou, E.; Huang, K.-F.; You, C.-F.; Sikes, E. L.; Sherrell, R. M.
2012-10-01
The boron isotope ratio (δ11B) of foraminifers and tropical corals has been proposed to record seawater pH. To test the veracity and practicality of this potential paleo-pH proxy in deep sea corals, samples of skeletal material from twelve archived modern Desmophyllum dianthus (D. dianthus) corals from a depth range of 274-1470 m in the Atlantic, Pacific, and Southern Oceans, ambient pH range 7.57-8.05, were analyzed for δ11B. The δ11B values for these corals, spanning a range from 23.56 to 27.88, are found to be related to seawater borate δ11B by the linear regression: δ11Bcoral=(0.76±0.28) δ11Bborate+(14.67±4.19) (1 standard error (SE)). The D. dianthus δ11B values are greater than those measured in tropical corals, and suggest substantial physiological modification of pH in the calcifying space by a value that is an inverse function of seawater pH. This mechanism partially compensates for the range of ocean pH and aragonite saturation at which this species grows, enhancing aragonite precipitation and suggesting an adaptation mechanism to low pH environments in intermediate and deep waters. Consistent with the findings of Trotter et al. (2011) for tropical surface corals, the data suggest an inverse correlation between the magnitude of a biologically driven pH offset recorded in the coral skeleton, and the seawater pH, described by the equation: ΔpH=pH recorded by coral-seawater pH=-(0.75±0.12) pHw+(6.88±0.93) (1 SE). Error analysis based on 95% confidence interval(CI) and the standard deviation of the regression residuals suggests that the uncertainty of seawater pH reconstructed from δ11Bcoral is ±0.07 to 0.12 pH units. This study demonstrates the applicability of δ11B in D. dianthus to record ambient seawater pH and holds promise for reconstructing oceanic pH distribution and history using fossil corals.
10. Regulación de la acción de la Aldosterona al nivel del receptor mineralocorticoide
Directory of Open Access Journals (Sweden)
Roberto Franco Saenz
2001-08-01
Full Text Available
Se revisan nuevos conceptos acerca de la secreción de aldosterona y de la interacción de la aldosterona con el receptor mineralocorticoide así como el papel de la enzima 11b-hidroxisteroid dehidrogenasa tipo 2 (11b-HSD-2 en la protección del receptor mineralocorticoides contra la acción de los glucocorticoides endógenos. Alteraciónes en la actividad de esta enzima causan hipertensión arterial en humanos y animales de experimentación. En vista del papel crítico que esta enzima juega en la reabsorción de sodio y el volumen sanguíneo en este estudio se investiga la regulación del gen de la 11b-HSD-2 en el riñón de la rata Dahl, un modelo experimental de hipertensión genética sensible al sodio dietético y se muestra que el sodio dietético aumenta la expresión del gen en el riñón de estas ratas.
Introducción
La aldosterona es una hormona mineralocorticoide producida por las células glomerulosas de la corteza adrenal. La aldosterona actúa en el riñón, en el túbulo convoluto distal causando retención de sodio y eliminación de potasio y iones de hidrógeno. La aldosterona juega un papel principal en el mantenimiento del volumen sanguíneo y de la presión arterial. En este manuscrito se revisan nuevos conceptos en la regulación de la secreción de aldosterona y el papel de la enzima 11b-hidroxisteroid dehydrogenasa (11b-HSD en la acción de la aldosterona y en la protección del receptor mineralocorticoide contra los glucocorticoides.
También se reportan estudios de la regulación del gen de la 11b-HSD-2 en el riñón de la rata Dahl, un modelo experimental de hipertensión genética con sensibilidad al sodio dietético.
11. Belowground Carbon Allocation to Ectomycorrhizal Fungi Links Biogeochemical Cycles of Boron and Nitrogen
Science.gov (United States)
Lucas, R. W.; Högberg, P.; Ingri, J. N.
2011-12-01
Boron (B) is an essential micronutrient to most trees and represents an important limiting resource in some regions, deficient trees experiencing the loss of apical dominance, altered stem growth, and even tree death in extreme cases. Similar to the acquisition of most soil nutrients, B is likely supplied to host trees by mycorrhizal symbionts in exchange for recently fixed carbohydrates. In this way, belowground allocation of photosynthate, which drives the majority of biological processes belowground, links the biogeochemical cycles of B and nitrogen (N). Using a long-term N addition experiment in a Pinus sylvestris forest that has been ongoing for 41 years, we examined how the availability of inorganic N mediates the response of B isotopes in the tree needles, organic soil, and fungal pools in a boreal forest in northern Sweden. Using archived needle samples collected annually from the current year's needle crop, we observed δ11B to increase from 30.8 (0.5 se) to 41.8 (0.7 se)% in N fertilized plots from 1970 to 1979, a period of increasing B deficiency stress induced by N fertilization; the concentration of B in tree needles during 1979 dropping as low as 3.0 μg g-2. During the same period, B concentrations in tree needles from control plots remained relatively unchanged and δ11B remained at a steady state value of 34.1 (1.0 se)%. Following a distinct, large-scale, pulse labeling event in 1980 in which 2.5 kg ha-1 of isotopically distinct B was applied to all treatment and control plots to alleviate the N-induced B deficiency, concentrations of B in current needles increased immediately in all treatments, the magnitude of the response being dependent upon the N treatment. But unlike other pool dilution studies, δ11B of current tree needles did not return to pre-addition, steady-state levels. Instead, δ11B continued to decrease over time in both N addition and control treatments. This unexpected pattern has not been previously described but can be explained
12. Fusion cross sections measurement for 6Li + 159Tb
International Nuclear Information System (INIS)
Pradhan, M.K.; Mukherjee, A.; Kshetri, R.; Roy, Subinit; Basu, P.; Goswami, A.; Saha Sarkar, M.; Ray, M.; Parkar, V.; Santra, S.; Kailas, S.; Palit, R.
2009-01-01
In order to investigate the effect of projectile breakup threshold energy on fusion in mass region around A∼170, we have carried out a systematic investigation of the fusion (both CF and ICF) cross sections for the systems 11 B, 10 B + 159 Tb and 7 Li + 159 Tb at energies near and close to the barrier where 11 B was considered to be a strongly bound nucleus. The nucleus 10 B has a α-separation energy of 4.5 MeV. The measurements show that the extent of suppression of CF cross sections is correlated with the α-separation energies of the projectiles. As a further continuation of this work, we have recently carried out fusion excitation function measurement for the system 6 Li + 159 Tb (Coulomb barrier 27 MeV) at energies near and close to the barrier
13. CONTENTS OF LYMPHOCYTE SUB-POPULATIONS IN THE CHILDREN WITH ACUTE LEUKEMIA AND LYMPHOMAS DEPENDENT ON INFECTIOUS COMPLICATION AND NEUTROPENIA
Directory of Open Access Journals (Sweden)
M. V. Peshikova
2005-01-01
Full Text Available Abstract. The aim of the present work was to evaluate the contents of some lymphocyte sub-populations in peripheral blood of the children with tumors of hematopoietic and lymphoid tissues, depending on infectious complication of cytostatic therapy and neutropenia. In all children undergoing cytostatic therapy for acute lympho-blastic leukemia and non-B cell non-Hodgkinґs lymphomas, we found significant decrease in the numbers of CD95 lymphocytes, absolute amounts of natural killer cells (CD16, CD56-lymphocytes and activated lymphocytes (СD11b, HLA-DR-cells, irrespective of neutrophile numbers in their blood and infectious complications. However, absolute number of CD25- lymphocytes was significantly decreased in the children with neutropenia. Relative contents of CD16, CD56, СD11b, HLA-DR, CD25-lymphocytes did not significantly differ from those in healthy children, or they were found to be significantly increased.
14. Stable Isotopes of Dissolved Nitrate and Boron as Indicators of the Origin and Fate of Nitrate Contamination in Groundwater. Results from the Western Po Plain (Northern Italy)
Energy Technology Data Exchange (ETDEWEB)
Sacchi, E. [Dipartimento di Scienze della Terra e dell' Ambiente, Universita di Pavia (Italy); Istituto di Geoscienze e Georisorse, CNR, Pavia (Italy); Delconte, C. A. [Istituto di Geoscienze e Georisorse, CNR (Italy); Dipartimento di Scienze della Terra e dell' Ambiente, Universita di Pavia (Italy); Pennisi, M. [Istituto di Geoscienze e Georisorse, CNR, Pisa (Italy); Allais, E. [ISO4 s.n.c., Torino (Italy)
2013-07-15
Stable isotopes of dissolved nitrates and boron represent a powerful tool, complementary to existing monitoring data, enabling the identification of nitrate sources, the assessment of their relative contribution to nitrate pollution and the quantification of nitrate transport and removal processes. This contribution aims to present groundwater isotope data obtained in an area of 15 000 km{sup 2} of the western Po plain. Nitrate isotope data show that synthetic fertilisers and anthropogenic organic matter are the main sources of contamination. {delta}{sup 11}B allows the discrimination between manure derived and sewage derived contamination. Results indicate that even in agricultural areas, contamination from sewage exists. Samples from the suburban area of Milan, where sewage was considered the most likely source of contamination, show instead a {delta}{sup 11}B typical for cattle manure. This study demonstrates that the attribution of the contamination to a source based solely on present-day land use may lead to inappropriate conclusions. (author)
15. Application of ICPMS for performance evaluation of boron enrichment plant at HWP, Manuguru
International Nuclear Information System (INIS)
Murthy, P.K.; Mohapatra, C.; Vithal, G.K.
2011-01-01
10 B enriched compounds are used in neutron control rod in Fast Breeder Reactors (FBR), Neutron Detector, Neutron Capture Therapy, and Neutron Shielding. Heavy Water Board (HWB) is given a mandate to produce enriched elemental boron which is being produced using Ion exchange chromatography and BF 3 - ether complex distillation methods. Ion Exchange Chromatography based Boron Enrichment Plant is operating at HWP, Manuguru. Ion Exchange Chromatography based process depends, besides other process parameters, on column run time and movement of band length. For effective process and quality control, it is necessary to analyze 10 B/ 11 B ratio in feed, process stream, waste and the product. 10 B/ 11 B ratio measurements are possible by Thermal Ionization Mass Spectrometer (TIMS) and Inductively Coupled Plasma Mass Spectrometer (ICPMS), the former offers better accuracy but takes longer analysis time whereas the later offers quick analysis of isotopic ratios and as well as trace metal impurities in the Boric acid
16. Comparison of microglia and infiltrating CD11c+ cells as antigen presenting cells for T cell proliferation and cytokine response
DEFF Research Database (Denmark)
Wlodarczyk, Agnieszka; Løbner, Morten; Cédile, Oriane
2014-01-01
BACKGROUND: Tissue-resident antigen-presenting cells (APC) exert a major influence on the local immune environment. Microglia are resident myeloid cells in the central nervous system (CNS), deriving from early post-embryonic precursors, distinct from adult hematopoietic lineages. Dendritic cells...... (DC) and macrophages infiltrate the CNS during experimental autoimmune encephalomyelitis (EAE). Microglia are not considered to be as effective APC as DC or macrophages. METHODS: In this work we compared the antigen presenting capacity of CD11c+ and CD11c- microglia subsets with infiltrating CD11c......+ APC, which include DC. The microglial subpopulations (CD11c- CD45dim CD11b+ and CD11c+ CD45dim CD11b+) as well as infiltrating CD11c+ CD45high cells were sorted from CNS of C57BL/6 mice with EAE. Sorted cells were characterised by flow cytometry for surface phenotype and by quantitative real-time PCR...
17. The ν process in the innermost supernova ejecta
Directory of Open Access Journals (Sweden)
Sieverding Andre
2017-01-01
Full Text Available The neutrino-induced nucleosynthesis (ν process in supernova explosions of massive stars of solar metallicity with initial main sequence masses between 13 and 30 M⊙ has been studied with an analytic explosion model using a new extensive set of neutrino-nucleus cross-sections and spectral properties that agree with modern supernova simulations. The production factors for the nuclei 7Li, 11B, 19F, 138La and 180Ta, are still significantly enhanced but do not reproduce the full solar abundances. We study the possible contribution of the innermost supernova eject to the production of the light elements 7Li and 11B with tracer particles based on a 2D supernova simulation of a 12 M⊙ progenitor and conclude, that a contribution exists but is negligible for the total yield for this explosion model.
18. Application of in situ current normalized PIGE method for determination of total boron and its isotopic composition
International Nuclear Information System (INIS)
Chhillar, Sumit; Acharya, R.; Sodaye, S.; Pujari, P.K.
2014-01-01
A particle induced gamma-ray emission (PIGE) method using proton beam has been standardized for determination of isotopic composition of natural boron and enriched boron samples. Target pellets of boron standard and samples were prepared in cellulose matrix. The prompt gamma rays of 429 keV, 718 keV and 2125 keV were measured from 10 B(p,αγ) 7 Be, 10 B(p, p'γ) 10 B and 11 B(p, p'γ) 11 B nuclear reactions, respectively. For normalizing the beam current variations in situ current normalization method was used. Validation of method was carried out using synthetic samples of boron carbide, borax, borazine and lithium metaborate in cellulose matrix. (author)
19. The ν process in the innermost supernova ejecta
Energy Technology Data Exchange (ETDEWEB)
Sieverding, Andre [Institut für Kernphysik, Technische Universität Darmstadt, Germany; Martínez-Pinedo, Gabriel [Institut für Kernphysik, Technische Universität Darmstadt, Germany; Langanke, Karlheinz [Gesellschaft fur Schwerionenforschung (GSI), Germany; Harris, James Austin [ORNL; Hix, William Raphael [ORNL
2017-12-01
The neutrino-induced nucleosynthesis (ν process) in supernova explosions of massive stars of solar metallicity with initial main sequence masses between 13 and 30 M⊙ has been studied with an analytic explosion model using a new extensive set of neutrino-nucleus cross-sections and spectral properties that agree with modern supernova simulations. The production factors for the nuclei 7Li, 11B, 19F, 138La and 180Ta, are still significantly enhanced but do not reproduce the full solar abundances. We study the possible contribution of the innermost supernova eject to the production of the light elements 7Li and 11B with tracer particles based on a 2D supernova simulation of a 12 M⊙ progenitor and conclude, that a contribution exists but is negligible for the total yield for this explosion model.
20. Overview of alternate-fuel fusion
International Nuclear Information System (INIS)
Miley, G.H.
1980-01-01
Alternate fuels (AFs) such as Cat-D, D- 3 He and p- 11 B offer the potential advantages of elimination of tritium breeding and reduced energy release in neutrons. An adequate energy balance appears exceedingly difficult to achieve with proton-based fuels such as p- 11 B. Thus Cat-D, which can ignite at temperatures in the range of 30 to 40 keV, represents the logical near-term candidate. An attractive variation which adds flexibility would be to develop semi-catalyzed-D plants for synfuel production with simultaneous generation of 3 He for use in D- 3 He satellite electrical power plants. These approaches and problems are discussed
1. Synthetic and mechanistic studies related to closo and exo-nido-bis(phosphine)rhodacarboranes in catalysis
International Nuclear Information System (INIS)
Hewes, J.D.
1984-01-01
The polyhedral expansion of [closo-1,2-C 2 B 10 H 12 ] using sodium, and the subsequent protonation of the resulting dianion, was reported to give the fluxional and thermally unstable carborane ion [nido-7,8-C 2 B 10 H 13 ] - , which has until recently eluded structural characterization. The solution state molecular structure of this compound was determined using two-dimensional 11 B- 11 B NMR spectroscopy. Reaction of the unstable ion [nido-7,8-C 2 B 10 H 13 ] - with [(PPh 3 ) 3 RhCl] produced [closo-1,1-(PPh 3 ) 2 -1-H-1,2,4-RhC 2 B 10 H 12 ], a 13-vertex supraicosahedral bisphosphinerhodacarborane. Spectroscopic characterization and an x-ray diffraction crystal structure proved unambiguously the molecular structure of the complex. The compound acts as a catalyst for the hydrogenation and isomerization of alkenes at ambient temperature and atmospheric pressure
2. CD13-positive bone marrow-derived myeloid cells promote angiogenesis, tumor growth, and metastasis.
Science.gov (United States)
Dondossola, Eleonora; Rangel, Roberto; Guzman-Rojas, Liliana; Barbu, Elena M; Hosoya, Hitomi; St John, Lisa S; Molldrem, Jeffrey J; Corti, Angelo; Sidman, Richard L; Arap, Wadih; Pasqualini, Renata
2013-12-17
Angiogenesis is fundamental to tumorigenesis and an attractive target for therapeutic intervention against cancer. We have recently demonstrated that CD13 (aminopeptidase N) expressed by nonmalignant host cells of unspecified types regulate tumor blood vessel development. Here, we compare CD13 wild-type and null bone marrow-transplanted tumor-bearing mice to show that host CD13(+) bone marrow-derived cells promote cancer progression via their effect on angiogenesis. Furthermore, we have identified CD11b(+)CD13(+) myeloid cells as the immune subpopulation directly regulating tumor blood vessel development. Finally, we show that these cells are specifically localized within the tumor microenvironment and produce proangiogenic soluble factors. Thus, CD11b(+)CD13(+) myeloid cells constitute a population of bone marrow-derived cells that promote tumor progression and metastasis and are potential candidates for the development of targeted antiangiogenic drugs.
3. Study of the excited levels of 11C and 12C by the analysis of protons induced reactions
International Nuclear Information System (INIS)
Rihet, Y.
1984-07-01
The present work is a study of 11 and 12 C excited states by reactions of non polarised protons on 10 B and 11 B. R-matrix analysis of the 10 B excitation curves in the range E p = 0 to 8 MeV was used to establish parameters of 41 levels in 11 C. Isobaric multiplets of T = 1/2 and T = 3/2 states in A = 11 nuclei are deduced. Analysis of 11 B excitation curves in the E p = 0.5 to 7.4 MeV range led to parameter values of 60 levels in 12 C. T = 1 states in A = 12 isobaric nuclei are discussed [fr
4. Inventory of LCIA selection methods for assessing toxic releases. Methods and typology report part B
DEFF Research Database (Denmark)
Larsen, Henrik Fred; Birkved, Morten; Hauschild, Michael Zwicky
method(s) in Work package 8 (WP8) of the OMNIITOX project. The selection methods and the other CRS methods are described in detail, a set of evaluation criteria are developed and the methods are evaluated against these criteria. This report (Deliverable 11B (D11B)) gives the results from task 7.1d, 7.1e......This report describes an inventory of Life Cycle Impact Assessment (LCIA) selection methods for assessing toxic releases. It consists of an inventory of current selection methods and other Chemical Ranking and Scoring (CRS) methods assessed to be relevant for the development of (a) new selection...... and 7.1f of WP 7 for selection methods. The other part of D11 (D11A) is reported in another report and deals with characterisation methods. A selection method is a method for prioritising chemical emissions to be included in an LCIA characterisation of toxic releases, i.e. calculating indicator scores...
5. Probing the nature of the neutrino: The boron solar-neutrino experiment
International Nuclear Information System (INIS)
Raghavan, R.S.; Pakvasa, S.
1988-01-01
With a welter of neutrino scenarios and uncertain solar models to be unraveled, can solar-neutrino experiments really break new ground in neutrino physics? A new solar-neutrino detector BOREX, based on the nuclide /sup 11/B, promises the tools for a definitive exploration of the nature of the neutrino and the structure of the Sun. Using double-mode detection by neutrino excitation of /sup 11/B via the neutral-weak-current- and the charged-current-mediated inverse β decay in the same target, independent measurements of the total neutrino flux regardless of flavor and the survival of electron neutrinos in solar matter and a vacuum can be made. Standard models of the Sun, and almost every proposed nonstandard model of the neutrino, can be subjected to sharp and direct tests. The development of BOREX, based on B-loaded liquid-scintillation techniques, is currently in progress
6. Application of the United Nations convention on contracts for TEH international sale of goods when the rules of private international law lead to the application of the law of a contracting state
Directory of Open Access Journals (Sweden)
Jovanović Marko
2014-01-01
Full Text Available The paper examines the problems with respect to the application of the UN Sales Convention (CISG by virtue of its Article 1(1(b. To that effect, the author analyzes the legal nature of this provision, describes the prerequisites for its application and explains the relevance of different rules of private international law for the application of the CISG. A special attention is given to the effects of Article 95 reservation. The author presents arguments against a widely spread opinion that the Article 1(1(b is in itself a conflict-of-laws rule, suggests that this provision is suitable to be applied both by courts and arbitral tribunals and explains the importance of the rules on classification and renvoi for the application of the CISG. With respect to the effect of Article 95 reservation, the author gives precedence to the position of the applicable law, rather than the law of the forum, concerning this reservation.
7. A revisit to vityaz transform fault area, Central Indian Ridge: Isotopic evidence of probable hydrothermal activity.
Digital Repository Service at National Institute of Oceanography (India)
Shirodkar, P.V.; Banerjee, R.; Xiao, Y.K.
at the Institute of Salt Lakes, China by +ve thermal ionisation mass spectrometry of Cs2BO4+ and Cs2Cl+ ions respectively, using a VG 354 model TIMS [14]. The measured isotopic ratios were expressed as del values relative to their standard reference materials.... 37.5 38 38.5 39 39.5 40 Del 11B 2000 1600 1200 800 400 0 W at er d ep th (m ) -0.2 0 0.2 0.4 0.6 0.8 Del 37Cl 2000 1600 1200 800 400 0 Figure 2: Vertical profiles of δ11B and δ37Cl in water column at Stn.VM3 in the CIR. Stn. No. Latitude Longitude...
8. Circadian expression of steroidogenic cytochromes P450 in the mouse adrenal gland--involvement of cAMP-responsive element modulator in epigenetic regulation of Cyp17a1.
Science.gov (United States)
Košir, Rok; Zmrzljak, Ursula Prosenc; Bele, Tanja; Acimovic, Jure; Perse, Martina; Majdic, Gregor; Prehn, Cornelia; Adamski, Jerzy; Rozman, Damjana
2012-05-01
The cytochrome P450 (CYP) genes Cyp51, Cyp11a1, Cyp17a1, Cyb11b1, Cyp11b2 and Cyp21a1 are involved in the adrenal production of corticosteroids, whose circulating levels are circadian. cAMP signaling plays an important role in adrenal steroidogenesis. By using cAMP responsive element modulator (Crem) knockout mice, we show that CREM isoforms contribute to circadian expression of steroidogenic CYPs in the mouse adrenal gland. Most striking was the CREM-dependent hypomethylation of the Cyp17a1 promoter at zeitgeber time 12, which resulted in higher Cyp17a1 mRNA and protein expression in the knockout adrenal glands. The data indicate that products of the Crem gene control the epigenetic repression of Cyp17 in mouse adrenal glands. © 2011 The Authors Journal compilation © 2011 FEBS.
9. Fraction of boroxol rings in vitreous boron oxide from a first-principles analysis of Raman and NMR spectra.
Science.gov (United States)
Umari, P; Pasquarello, Alfredo
2005-09-23
We determine the fraction f of B atoms belonging to boroxol rings in vitreous boron oxide through a first-principles analysis. After generating a model structure of vitreous B2O3 by first-principles molecular dynamics, we address a large set of properties, including the neutron structure factor, the neutron density of vibrational states, the infrared spectra, the Raman spectra, and the 11B NMR spectra, and find overall good agreement with corresponding experimental data. From the analysis of Raman and 11B NMR spectra, we yield consistently for both probes a fraction f of approximately 0.75. This result indicates that the structure of vitreous boron oxide is largely dominated by boroxol rings.
10. Separation of boron isotopes by infrared laser
International Nuclear Information System (INIS)
Suzuki, Kazuya
1995-01-01
Vibrationally excited chemical reaction of boron tribromide (BBr 3 ) with oxygen (O 2 ) is utilized to separate 10 B and 11 B. Infrared absorption of 10 BBr 3 is at 11.68μ and that of 11 BBr 3 is at 12.18μ. The wavelengths of ammonia laser made in the laboratory were mainly 11.71μ, 12.08μ and 12.26μ. Irradiation was done by focussing the laser with ZnSe lens on the sample gas (mixture of 1.5 torr of natural BBr 3 and 4.5 torr of O 2 ) in the reaction cell. Depletions of 10 BBr 3 and 11 BBr 3 due to chemical reaction of BBr 3 with O 2 was measured with infrared spectrometer. The maximum separation factor β( 10 B/ 11 B) obtained was about 4.5 (author)
11. The energy dependence of photon-flux and efficiency in the NRF measurement
Energy Technology Data Exchange (ETDEWEB)
Agar, Osman [Institut fuer Kernphysik, Technische Universitaet Darmstadt, 64289 Darmstadt (Germany); Karamanoglu Mehmetbey University, Department of Physics, 70100 Karaman (Turkey); Gayer, Udo; Merter, Laura; Pai, Haridas; Pietralla, Norbert; Ries, Philipp; Romig, Christopher; Werner, Volker; Schillling, Marcel; Zweidinger, Markus [Institut fuer Kernphysik, Technische Universitaet Darmstadt, 64289 Darmstadt (Germany)
2016-07-01
The calibration of the detector efficiency and the photon-flux distribution play an important role during the analysis of nuclear resonance fluorescence (NRF) measurements. The nucleus {sup 11}B is a frequently used calibration target with well-known photo-excitation cross sections. The product of photon flux and efficiency is determined exploiting γ-ray transitions of the {sup 11}B monitoring target. Photon-flux calibrations from numerous measurements at the superconducting Darmstadt electron linear accelerator (S-DALINAC) are carried out up to the neutron separation threshold, in order to obtain a system check of influences of absorbers on the flux, and to check against different GEANT models as well as parametrizations of the Schiff formula.
12. FAA Air Traffic Control Operations Concepts. Volume 5. ATCT/TCCC (airport Traffic Control Tower/Tower Control Computer Complex) Tower Controllers
Science.gov (United States)
1988-07-29
Departure List. T1.1.4.13 RESEQUENCE FOE MANUALLY 3.7.2.2.1.1.2.2-00 ARRIVAL LIST 457 3.7.2.2.1,1.2.2-11 b. Ordering - In manual ordering , the 457 a...3.7.2.2.1.1.2.3-12 b. Ordering - In manual ordering , the 457 controller shall have the capability to put a new FOE in the appropriate place in a sublist...3.7.2.2.1.1.2.2-00 ARRIVAL LIST 457 3.7.2.2.1.1.2.2-11 b. Ordering - In manual ordering , the 457 controller snall have the capability to put a new FOE in
13. セキュア ナ VPN テキヨウ ムセン LAN ノ コウセイ ト トクセイ
OpenAIRE
塩田, 宏明
2003-01-01
This paper presents the wireless LAN using a VPN(Virtual Private Network).The wireless LAN is based on IEEE 802.11b standard. The wireless access point(AP)is connected to a VPN server,which is connected to the lnternet.The wireless station(STA)is a VPN remote access point.The wireless LAN using a VPN between an AP and a STA is based on the Point to Point Tunneling Protocol(PPTP).
14. Interaction of Bordetella adenylate cyclase toxin with complement receptor 3 involves multivalent glycan binding
Czech Academy of Sciences Publication Activity Database
2015-01-01
Roč. 589, č. 3 (2015), s. 374-379 ISSN 0014-5793 R&D Projects: GA ČR(CZ) GAP302/11/0580; GA ČR(CZ) GA15-09157S; GA ČR(CZ) GA15-11851S Institutional support: RVO:61388971 Keywords : Adenylate cyclase toxin * CD11b/CD18 * Complement receptor type 3 Subject RIV: CE - Biochemistry Impact factor: 3.519, year: 2015
15. Increasing the Endurance and Payload Capacity of Unmanned Vehicles with Thin-Film Photovoltaics
Science.gov (United States)
2014-06-01
unmanned aerial vehicles (UAV) can be significantly extended using thin film photovoltaic cells. The different power requirements of the RQ-11B...43 Figure 33. A load test of the MPPT /boost controller to confirm the functionality of the power circuit equipment...36 Table 7. The resistance of the surface mounted resistors used for voltage partitioning in the MPPT /boost controller
16. A Cultural Resources Reconnaissance at Lake Red Rock, Iowa
Science.gov (United States)
1984-05-01
vegetation and forest biomes that extended the length of the valley. It is implied that higher sinuosity, the graded topographies of the two lower terraces...11 B2t), the basal loess (II BgC ), proglacial lacustrine or ponding S sediments (III C), and the weathered Kansan till (IV C). Of these units, the...the poorly drained terrace settings and the generation of circumscribed aquatic biomes along this portion of the river. As illustrated by the
17. Peripheral tumors alter neuroinflammatory responses to lipopolysaccharide in female rats.
Science.gov (United States)
Pyter, Leah M; El Mouatassim Bih, Sarah; Sattar, Husain; Prendergast, Brian J
2014-03-13
Cancer is associated with an increased prevalence of depression. Peripheral tumors induce inflammatory cytokine production in the brain and depressive-like behaviors. Mounting evidence indicates that cytokines are part of a pathway by which peripheral inflammation causes depression. Neuroinflammatory responses to immune challenges can be exacerbated (primed) by prior immunological activation associated with aging, early-life infection, and drug exposure. This experiment tested the hypothesis that peripheral tumors likewise induce neuroinflammatory sensitization or priming. Female rats with chemically-induced mammary carcinomas were injected with either saline or lipopolysaccharide (LPS, 250μg/kg; i.p.), and expression of mRNAs involved in the pathway linking inflammation and depression (interleukin-1beta [Il-1β], CD11b, IκBα, indolamine 2,3-deoxygenase [Ido]) was quantified by qPCR in the hippocampus, hypothalamus, and frontal cortex, 4 or 24h post-treatment. In the absence of LPS, hippocampal Il-1β and CD11b mRNA expression were elevated in tumor-bearing rats, whereas Ido expression was reduced. Moreover, in saline-treated rats basal hypothalamic Il-1β and CD11b expression were positively correlated with tumor weight; heavier tumors, in turn, were characterized by more inflammatory, necrotic, and granulation tissue. Tumors exacerbated CNS proinflammatory gene expression in response to LPS: CD11b was greater in hippocampus and frontal cortex of tumor-bearing relative to tumor-free rats, IκBα was greater in hippocampus, and Ido was greater in hypothalamus. Greater neuroinflammatory responses in tumor-bearing rats were accompanied by attenuated body weight gain post-LPS. The data indicate that neuroinflammatory pathways are potentiated, or primed, in tumor-bearing rats, which may exacerbate future negative behavioral consequences. Copyright © 2014 Elsevier B.V. All rights reserved.
18. Decay of giant resonances states in radiative pion capture by 1p shell nuclei
International Nuclear Information System (INIS)
Dogotar, G.E.
1978-01-01
The decay of the giant resonance states excited in tthe radiative pion capture on the 9 Be, 11 B, 13 C and 14 N nuclei is considered in the shell model with intermediate coupling. It is shown that the excited states in the daughter nuclei (A-1, Z-1) are mainly populated by intermediate states with spin by two units larger than the spin of the target nuclei. Selected coincidence experiments are proposed
19. Sensitization of interferon-γ induced apoptosis in human osteosarcoma cells by extracellular S100A4
International Nuclear Information System (INIS)
Pedersen, Kjetil Boye; Andersen, Kristin; Fodstad, Øystein; Mælandsmo, Gunhild Mari
2004-01-01
S100A4 is a small Ca 2+ -binding protein of the S100 family with metastasis-promoting properties. Recently, secreted S100A4 protein has been shown to possess a number of functions, including induction of angiogenesis, stimulation of cell motility and neurite extension. Cell cultures from two human osteosarcoma cell lines, OHS and its anti-S100A4 ribozyme transfected counterpart II-11b, was treated with IFN-γ and recombinant S100A4 in order to study the sensitizing effects of extracellular S100A4 on IFN-γ mediated apoptosis. Induction of apoptosis was demonstrated by DNA fragmentation, cleavage of poly (ADP-ribose) polymerase and Lamin B. In the present work, we found that the S100A4-expressing human osteosarcoma cell line OHS was more sensitive to IFN-γ-mediated apoptosis than the II-11b cells. S100A4 protein was detected in conditioned medium from OHS cells, but not from II-11b cells, and addition of recombinant S100A4 to the cell medium sensitized II-11b cells to apoptosis induced by IFN-γ. The S100A4/IFN-γ-mediated induction of apoptosis was shown to be independent of caspase activation, but dependent on the formation of reactive oxygen species. Furthermore, addition of extracellular S100A4 was demonstrated to activate nuclear factor-κB (NF-κB). In conclusion, we have shown that S100A4 sensitizes osteosarcoma cells to IFN-γ-mediated induction of apoptosis. Additionally, extracellular S100A4 activates NF-κB, but whether these events are causally related remains unknown
20. Kalman Filters for UXO Detection: Real-Time Feedback and Small Target Detection
Science.gov (United States)
2012-05-01
either at every time channel (or every frequency if such instruments are used) or following a parametrized equation [ Pasion 07]. More recent works have...inversions [Shubitidze 08], deterministic approaches [ Pasion 01b, Pasion 07,Grzegorczyk 11], to statistical approaches [Collins 02,Pulsipher 04,Aliamiri 07...used to feed identification methods [ Pasion 01a,Tantum 01,Shubitidze 10,Kap- pler 11,Beran 11a,Beran 11b,Kass 12] as well as classification methods
1. Synthesis and structural studies of Na 2 O–ZnO–ZnF 2
The analyses of DSC and XRD did not show the crystallinity of the glass sample. 11B MAS–NMR shows the presence of sharp peak around –14 ppm. From the IR studies, the broadening of the peak around 1200–1400 and 800–1100 cm-1 shows the presence of mixed linkages like B–O–B, B–O–Zn in the network.
2. A Practical Approach to Rapid Prototyping of SCA Waveforms
OpenAIRE
DePriest, Jacob Andrew
2006-01-01
With the growing interest in software defined radios (SDRs), cognitive radios, the Joint Tactical Radio System (JTRS), and the Software Communication Architecture (SCA) comes the need for a rapid prototyping approach to radio design. In the past, radios have traditionally been designed to have a static implementation with the express goal of implementing a specific type of communication, such as 802.11b, CDMA voice communication, or just a simple FM tuner. However, when designing an ...
3. Exendin-4 improves resistance to Listeria monocytogenes infection in diabetic db/db mice
OpenAIRE
Liu, Hsien Yueh; Chung, Chih-Yao; Yang, Wen-Chin; Liang, Chih-Lung; Wang, Chi-Young; Chang, Chih-Yu; Chang, Cicero Lee-Tian
2012-01-01
The incidence of diabetes mellitus is increasing among companion animals. This disease has similar characteristics in both humans and animals. Diabetes is frequently identified as an independent risk factor for infections associated with increased mortality. In the present study, homozygous diabetic (db/db) mice were infected with Listeria (L.) monocytogenes and then treated with the anti-diabetic drug exendin-4, a glucagon-like peptide 1 analogue. In aged db/db mice, decreased CD11b+ macroph...
4. D-lactic acid interferes with the effects of platelet activating factor on bovine neutrophils.
Science.gov (United States)
Alarcón, P; Conejeros, I; Carretta, M D; Concha, C; Jara, E; Tadich, N; Hidalgo, M A; Burgos, R A
2011-11-15
D-lactic acidosis occurs in ruminants, such as cattle, with acute ruminal acidosis caused by ingestion of excessive amounts of highly fermentable carbohydrates. Affected animals show clinical signs similar to those of septic shock, as well as acute laminitis and liver abscesses. It has been proposed that the inflammatory response and susceptibility to infection could both be caused by the inhibition of phagocytic mechanisms. To determine the effects of d-lactic acid on bovine neutrophil functions, we pretreated cells with different concentrations of D-lactic acid and measured intracellular pH using 2',7'-bis-(2-carboxyethyl)-5-(and-6)-carboxyfluorescein acetoxymethyl ester (BCECF-AM) and calcium flux using FLUO-3 AM-loaded neutrophils. Reactive oxygen species (ROS) production was measured using a luminol chemiluminescence assay, and MMP-9/gelatinase-B granule release was measured by zymography. CD11b and CD62L/l-selectin expression, changes in cell shape, superoxide anion production, phagocytosis of Escherichia coli-Texas red bioparticles, and apoptosis were all measured using flow cytometry. Our results demonstrated that D-lactic acid reduced ROS production, CD11b upregulation and MMP-9 release in bovine neutrophils treated with 100 nM platelet-activating factor (PAF). D-lactic acid induced MMP-9 release and, at higher concentrations, upregulated CD11b expression, decrease L-selectin expression, and induces late apoptosis. We concluded that D-lactic acid can interfere with neutrophil functions induced by PAF, leading to reduced innate immune responses during bacterial infections. Moreover, the increase of MMP-9 release and CD11b expression induced by 10mM D-lactic acid could promote an nonspecific neutrophil-dependent inflammatory reaction in cattle with acute ruminal acidosis. Copyright © 2011 Elsevier B.V. All rights reserved.
5. Artifacts in Radar Imaging of Moving Targets
Science.gov (United States)
2012-09-01
CA, USA, 2007. [11] B. Borden, Radar imaging of airborne targets: A primer for Applied mathematicians and Physicists . New York, NY: Taylor and... Project (0704–0188) Washington DC 20503. 1. AGENCY USE ONLY (Leave blank) 2. REPORT DATE 21 September 2012 3. REPORT TYPE AND DATES COVERED...CW Continuous Wave DAC Digital to Analog Convertor DFT Discrete Fourier Transform FBP Filtered Back Projection FFT Fast Fourier Transform GPS
6. Superplasticity of amorphous alloy
International Nuclear Information System (INIS)
Levin, Yu.B.; Likhachev, V.L.; Sen'kov, O.N.
1988-01-01
Results of mechanical tests of Co 57 Ni 10 Fe 5 Si 11 B 17 amorphous alloy are presented and the effect of crystallization, occurring during deformation process, on plastic low characteristics is investiagted. Superplasticity of amorphous tape is investigated. It is shown, that this effect occurs only when during deformation the crystallization takes place. Process model, based on the usage disclination concepts about glass nature, is suggested
7. A novel haplotype of low-frequency variants in the aldosterone synthase gene among northern Han Chinese with essential hypertension.
Science.gov (United States)
Zhang, Hao; Li, Xueyan; Zhou, Li; Zhang, Keyong; Zhang, Qi; Li, Jingping; Wang, Ningning; Jin, Ming; Wu, Nan; Cong, Mingyu; Qiu, Changchun
2017-09-01
Low-frequency variants showed that there is more power to detect risk variants than to detect protective variants in complex diseases. Aldosterone plays an important role in the renin-angiotensin-aldosterone system, and aldosterone synthase catalyzes the speed-controlled steps of aldosterone biosynthesis. Polymorphisms of the aldosterone synthase gene (CYP11B2) have been reported to be associated with essential hypertension (EH). CYP11B2 polymorphisms such as -344T/C, have been extensively reported, but others are less well known. This study aimed to assess the association between human CYP11B2 and EH using a haplotype-based case-control study. A total of 1024 EH patients and 956 normotensive controls, which consist of north Han population peasants, were enrolled. Seven single nucleotide polymorphisms (SNPs) (rs28659182, rs10087214, rs73715282, rs542092383, rs4543, rs28491316, and rs7463212) covering the entire human CYP11B2 gene were genotyped as markers using the MassARRAY system. The major allele G frequency of rs542092383 was found to be risk against hypertension [odds ratio (OR) 3.478, 95% confidence interval (95% CI) 1.407-8.597, P = .004]. The AG genotype frequency of SNP rs542092383 was significantly associated with an increased risk of hypertension (OR 4.513, 95% CI 1.426-14.287, P = .010). In the haplotype-based case-control analysis, the frequency of the T-G-T haplotype was higher for EH patients than for controls (OR 5.729, 95% CI 1.889-17.371, P = .000495). All |D'| values of the seven SNPs were >0.9, and r values for rs28659182- rs10087214-rs28491316-rs7463212 SNPs were >0.8 and showed strong linkage intensity. Haplotype T-G-T may therefore be a useful genetic marker for EH.
8. Structural instability and ground state of the U_2Mo compound
International Nuclear Information System (INIS)
2015-01-01
This work reports on the structural instability at T = 0 °K of the U_2Mo compound in the C11_b structure under the distortion related to the C_6_6 elastic constant. The electronic properties of U_2Mo such as density of states (DOS), bands and Fermi surface (FS) are studied to understand the source of the instability. The C11_b structure can be interpreted as formed by parallel linear chains along the z-directions each one composed of successive U–Mo–U blocks. Hybridization due to electronic interactions inside the U–Mo–U blocks is slightly modified under the D_6 distortion. The change in distance between chains modifies the U–U interaction and produces a split of f-states. The distorted structure is stabilized by a decrease in energy of the hybridized states, mainly between d-Mo and f-U states, together with the f-band split. Consequently, an induced Peierls distortion is produced in U_2Mo due to the D_6 distortion. It is important to note that the results of this work indicate that the structure of the ground state of the U_2Mo compound is not the assumed C11_b structure. It is suggested for the ground state a structure with hexagonal symmetry (P6 #168), ∼0.1 mRy below the energy of the recently proposed Pmmn structure. - Highlights: • Structural instability of the C11b compound due to the D6 deformation. • Induced Peierls distortion due to the D6 deformation. • Distorted structure is stabilized by hybridization and split of f-Uranium state. • P6 (#168) suggested ground state for the U_2Mo compound.
9. Defect and dopant depth profiles in boron-implanted silicon studied with channeling and nuclear reaction analysis
NARCIS (Netherlands)
Vos, M.; Boerma, D.O.; Smulders, P.J.M.; Oosterhoff, S.
1986-01-01
Single crystals of silicon were implanted at RT with 1 MeV boron ions to a dose of 1 × 1015 ions/cm2. The depth profile of the boron was measured using the 2060-keV resonance of the 11B(α, n)14N nuclear reaction. The distribution of the lattice disorder as a function of depth was determined from
10. Fekete-Szegö inequalities for p-valent starlike and convex functions of complex order
Directory of Open Access Journals (Sweden)
M.K. Aouf
2014-07-01
Full Text Available In this paper, we obtain Fekete-Szegö inequalities for certain class of analytic p-valent functions f(z for which 1+1b1pz(f∗g′(z+λz2(f∗g″(z(1-λ(f∗g(z+λz(f∗g′(z-1≺φ(z(b∈C∗=C⧹{0}. Sharp bounds for the Fekete-Szegö functional |ap+2-μap+12| are obtained.
11. Cultivation and genomic analysis of Candidatus Nitrosocaldus islandicus, a novel obligately thermophilic ammonia-oxidizing Thaumarchaeon
OpenAIRE
De La Torre, Jose; Kirkegaard, Rasmus; Daebeler, Anne; Sedlacek, Christopher; Wagner, Michael; Daims, Holger; Pjevac, Petra; Albersten, Mads; Vierheilig, Julia; Herbold, Craig
2017-01-01
Ammonia-oxidizing archaea (AOA) within the phylum Thaumarchaea are the only known aerobic ammonia oxidizers in geothermal environments. Although molecular data indicate the presence of phylogenetically diverse AOA from the Nitrosocaldus clade, group 1.1b and group 1.1a Thaumarchaea in terrestrial high-temperature habitats, only one enrichment culture of an AOA thriving above 50 C has been reported and functionally analyzed. In this study, we physiologically and genomically characterized a nov...
12. A facility for liquid-phase radiation experiments on heavy ion beams
Energy Technology Data Exchange (ETDEWEB)
Stuglik, Z; Zvara, I; Yakushev, A B; Timokhin, S N [Flerov Lab. of Nuclear Reactions, Dubna (Russian Federation). Joint Inst. for Nuclear Research
1994-05-01
The facility for liquid-phase radiation experiments installed on the beam line of the U-400 cyclotron in the Flerov Laboratory of Nuclear Reactions, JINR, Dubna, is described. The accelerator provides intermediate energy (some 10 MeV/nucleon) beams of ions ranging from Li to Xe. Preliminary results on the radiolysis of the Fricke solution and malachite green in ethanol by {sup 11}B, {sup 24}Mg and {sup 40}Ca ions are presented. (author).
13. Microenvironments and Signaling Pathways Regulating Early Dissemination, Dormancy, and Metastasis
Science.gov (United States)
2016-09-01
regulators of branching morphogenesis during mammary gland development 17,18, arguing that normal mammary epithelial cells cooperate with these innate ...CD45+CD11b+F4/80+ cells lacking lymphoid and granulocytic markers (Supplementary Fig.3B). viSNE plots 30 of myelo- monocytic cells (Fig.5A) showed that...cancer cells and how the microenvironment in these primary sites named P-TMEM (Primary Tumor Microenvironment of Metastases) contribute to early
14. Stimulated nuclear spin echos and spectral diffusion in glasses
International Nuclear Information System (INIS)
Borges, N.M.; Engelsberg, M.
1984-01-01
Experimental results of stimulated nuclear spin echos decay in glasses are presented. The measurements were performed in B 2 O 3 glasses, at the 23Na and 11 B resonance lines. The data analysis allows the study of Spectral diffusion at an inhomogeneous nuclear magnetic (NMR) resonance line, broadened for a desordered system of nuclear spins. A model is proposed to explain the time constants, and the particular form of the decay. (A.C.A.S.) [pt
15. Substitution of yttrium for boron in the structure of YBa2Cu3O7-δ
International Nuclear Information System (INIS)
Dwelk, H.; Herrmann, R.; Pruss, N.; Freude, D.; Pfeifer, H.
1989-01-01
The influence of boron on superconducting properties of Y 1-x B x Ba 2 Cu 3 O 7-δ with x = 0 to 0.4 is studied. The analysis of 11 B NMR spectra and measurements of electric conductivity as a function of temperature show that boron is not incorporated into the YBa 2 Cu 3 O 7-δ framework on yttrium positions. (author)
16. Human Immunodeficiency Virus (HIV) Research (AIDS)
Science.gov (United States)
1993-07-15
those who were initially free of mucosal pathologies developed lesions within six months. Oral candidiasis was the condition that developed most...disease. Herpes simplex infections, oral candidiasis , molluscum contagiosum, S.aureus infections, and oral hairy leukoplakia show a marked increase...sexual partners. In order of transmission potential risk, the categories were: a) no sex or only manual sex (11%); b) penetrative vaginal , oral or
17. Evidence of time symmetry violation in the interaction of nuclear particles
International Nuclear Information System (INIS)
Slobodrian, R.J.; Rioux, C.; Roy, R.; Conzett, H.E.; von Rossen, P.; Hinterberger, F.
1981-01-01
Measurements of the proton polarization in the reactions 7 Li( 3 He,p/sub pol/) 9 Be and 9 Be( 3 He,p/sub pol/) 11 B and of the analyzing powers of the inverse reactions, initiated by polarized protons at the same c.m. energies, show significant differences which imply the failure of the polarization--analyzing-power theorem and, prima facie, of time-reversal invariance in these reactions
18. SU-F-T-140: Assessment of the Proton Boron Fusion Reaction for Practical Radiation Therapy Applications Using MCNP6
Energy Technology Data Exchange (ETDEWEB)
2016-06-15
Purpose: The proton boron fusion reaction is a reaction that describes the creation of three alpha particles as the result of the interaction of a proton incident upon a 11B target. Theoretically, the proton boron fusion reaction is a desirable reaction for radiation therapy applications in that, with the appropriate boron delivery agent, it could potentially combine the localized dose delivery protons exhibit (Bragg peak) and the local deposition of high LET alpha particles in cancerous sites. Previous efforts have shown significant dose enhancement using the proton boron fusion reaction; the overarching purpose of this work is an attempt to validate previous Monte Carlo results of the proton boron fusion reaction. Methods: The proton boron fusion reaction, 11B(p, 3α), is investigated using MCNP6 to assess the viability for potential use in radiation therapy. Simple simulations of a proton pencil beam incident upon both a water phantom and a water phantom with an axial region containing 100ppm boron were modeled using MCNP6 in order to determine the extent of the impact boron had upon the calculated energy deposition. Results: The maximum dose increase calculated was 0.026% for the incident 250 MeV proton beam scenario. The MCNP simulations performed demonstrated that the proton boron fusion reaction rate at clinically relevant boron concentrations was too small in order to have any measurable impact on the absorbed dose. Conclusion: For all MCNP6 simulations conducted, the increase of absorbed dose of a simple water phantom due to the 11B(p, 3α) reaction was found to be inconsequential. In addition, it was determined that there are no good evaluations of the 11B(p, 3α) reaction for use in MCNPX/6 and further work should be conducted in cross section evaluations in order to definitively evaluate the feasibility of the proton boron fusion reaction for use in radiation therapy applications.
19. (p,3He) reactions on 1p shell nuclei at 41 and 45 MeV
International Nuclear Information System (INIS)
Rapp, V.
1982-01-01
In the present thesis the (p, 3 He) reactions on target nuclei of the 1p shell were studied. The measurements were performed at the isochronous cyclotron of the KFA Juelich. Angular distribution at 41 and 45 MeV to residual nuclear states in 7 Li, 8 Be, 9 Be, 10 B, 11 B, 12 C, 13 C, and 14 N. were evaluated. (orig.) [de
20. Equations Governing the Propagation of Second-Order Correlations in Non-Stationary Electromagnetic Fields
Science.gov (United States)
1961-09-25
eqlwatwnis vanish and t hese equations are- then gene - rali/Mit ions to a non-statiiona ry free field of eils. (1.3.1 Jl) and (1.3.11b). Thie remiainingi...correlation eqluations may hfe derived from eql. (3.1), which is tlite- snime as for the free field. Or’ 2 obtains :i~:•a •,,;l ,. X .. TI. T,, 2) -_ TI
1. Transfer of subduction fluids into the deforming mantle wedge during nascent subduction: Evidence from trace elements and boron isotopes (Semail ophiolite, Oman)
Science.gov (United States)
Prigent, C.; Guillot, S.; Agard, P.; Lemarchand, D.; Soret, M.; Ulrich, M.
2018-02-01
The basal part of the Semail ophiolitic mantle was (de)formed at relatively low temperature (LT) directly above the plate interface during "nascent subduction" (the prelude to ophiolite obduction). This subduction-related LT deformation was associated with progressive strain localization and cooling, resulting in the formation of porphyroclastic to ultramylonitic shear zones prior to serpentinization. Using petrological and geochemical analyses (trace elements and B isotopes), we show that these basal peridotites interacted with hydrous fluids percolating by porous flow during mylonitic deformation (from ∼850 down to 650 °C). This process resulted in 1) high-T amphibole crystallization, 2) striking enrichments of minerals in fluid mobile elements (FME; particularly B, Li and Cs with concentrations up to 400 times those of the depleted mantle) and 3) peridotites with an elevated δ11B of up to +25‰. These features indicate that the metasomatic hydrous fluids are most likely derived from the dehydration of subducting crustal amphibolitic materials (i.e., the present-day high-T sole). The rapid decrease in metasomatized peridotite δ11B with increasing distance to the contact with the HT sole (to depleted mantle isotopic values in <1 km) suggests an intense interaction between peridotites and rapid migrating fluids (∼1-25 m.y-1), erasing the initial high-δ11B subduction fluid signature within a short distance. The increase of peridotite δ11B with increasing deformation furthermore indicates that the flow of subduction fluids was progressively channelized in actively deforming shear zones parallel to the contact. Taken together, these results also suggest that the migration of subduction fluids/melts by porous flow through the subsolidus mantle wedge (i.e., above the plate interface at sub-arc depths) is unlikely to be an effective mechanism to transport slab-derived elements to the locus of partial melting in subduction zones.
2. The simultaneous Diophantine equations
International Nuclear Information System (INIS)
2006-01-01
The three numbers 1, 5 and 442 have the property that the product of any two numbers decreased by 1 is a prefect square. In this paper it is proved that there is no other positive integer which shares this property with 1, 5 and 442. Mathematics Subject Classification: Primary 11D09, 11D25, Secondary 11B37, 11J68, 11J86, 11Y50. (author)
3. checkCIF/PLATON report Datablock: I
Structure factors have been supplied for datablock(s) I. No syntax errors found. CIF dictionary Interpreting this report. Datablock: I. Bond precision: C-C = 0.0040 A. Wavelength=0.71073. Cell: a=5.5494(11) b=20.688(4) c=5.8832(12) alpha=90 beta=98.04(3) gamma=90. Temperature: 293 K. Calculated. Reported. Volume.
4. checkCIF/PLATON report Datablock: b3_0m
As a result the full set of tests cannot be run. No syntax errors found. CIF dictionary Interpreting this report. Datablock: b3_0m. Bond precision: C-C = 0.0207 A. Wavelength=0.71073. Cell: a=11.0782(11) b=6.6521(7) c=12.1645(12) alpha=90 beta=101.798(4) gamma=90. Temperature: 296 K. Calculated. Reported. Volume.
5. TREX13: Mid-Frequency Measurements and Modeling of Scattering by Fish
Science.gov (United States)
2017-11-13
508.289.2727 • Fax 508.457.2194 DISTIUBU710N STATEME tA. Approved fur p11b/ic release: d istrib11Jio11 is u11/i111/ ted . TREX13: Mid-Frequency Measurements...properties of the environment. The results will improve the ability to predict sonar perfonnance. OBJECTIVES This component. of the TR :: x 13 program
6. Neutrino-induced nucleosynthesis in core-collapse supernovae
International Nuclear Information System (INIS)
Hartmann, D.H.; Haxton, W.C.; Hoffman, R.D.; Woosley, S.E.; California Univ., Santa Cruz, CA
1990-01-01
Almost all of the 3·10 53 ergs liberated in a core collapse supernova is radiated as neutrinos by the cooling neutron star. The neutrinos can excite nuclei in the mantle of the star by their neutral and charged current reactions. The resulting spallation reactions are an important nuleosynthesis mechanism that may be responsible for the galactic abundances of 7 Li, 11 B, 19 F, 138 La, 180 Ta, and number of other nuclei. 10 refs., 1 fig., 1 tab
7. Biological effects of accelerated boron, carbon, and neon ions
International Nuclear Information System (INIS)
Grigoryev, Yu.G.; Ryzhov, N.I.; Popov, V.I.
1975-01-01
The biological effects of accelerated boron, carbon, and neon ions on various biological materials were determined. The accelerated ions included 10 B, 11 B, 12 C, 20 Ne, 22 Ne, and 40 Ar. Gamma radiation and x radiation were used as references in the experiments. Among the biological materials used were mammalian cells and tissues, yeasts, unicellular algae (chlorella), and hydrogen bacteria. The results of the investigation are given and the biophysical aspects of the problem are discussed
8. Spectroscopy of the odd-odd chiral candidate nucleus 102Rh
Directory of Open Access Journals (Sweden)
Yavahchova M.S.
2014-03-01
Full Text Available Excited states in 102Rh were populated in the fusion-evaporation reaction 94Zr(11B, 3n102Rh at a beam energy of 36 MeV, using the INGA spectrometer at IUAC, New Delhi. The angular correlations and the electromagnetic character of some of the 03B3-ray transitions observed in 102Rh were investigated in detail. A new candidate for achiral twin band was identified in 102Rh for the first time.
9. Elevated Steroid Hormone Production in the db/db Mouse Model of Obesity and Type 2 Diabetes.
Science.gov (United States)
Hofmann, Anja; Peitzsch, Mirko; Brunssen, Coy; Mittag, Jennifer; Jannasch, Annett; Frenzel, Annika; Brown, Nicholas; Weldon, Steven M; Eisenhofer, Graeme; Bornstein, Stefan R; Morawietz, Henning
2017-01-01
Obesity and type 2 diabetes have become a major public health problem worldwide. Steroid hormone dysfunction appears to be linked to development of obesity and type 2 diabetes and correction of steroid abnormalities may offer new approaches to therapy. We therefore analyzed plasma steroids in 15-16 week old obese and diabetic db/db mice using liquid chromatography-tandem mass spectrometry. Lean db/+ served as controls. Db/db mice developed obesity, hyperglycemia, hyperleptinemia, and hyperlipidemia. Hepatic triglyceride storage was increased and adiponectin and pancreatic insulin were lowered. Aldosterone, corticosterone, 11-deoxycorticosterone, and progesterone were respectively increased by 3.6-, 2.9-, 3.4, and 1.7-fold in db/db mice compared to controls. Ratios of aldosterone-to-progesterone and corticosterone-to-progesterone were respectively 2.0- and 1.5-fold higher in db/db mice. Genes associated with steroidogenesis were quantified in the adrenal glands and gonadal adipose tissues. In adrenals, Cyp11b2 , Cyp11b1 , Cyp21a1 , Hsd3b1 , Cyp11a1 , and StAR were all significantly increased in db/db mice compared with db/+ controls. In adipose tissue, no Cyp11b2 or Cyp11b1 transcripts were detected and no differences in Cyp21a1 , Hsd3b1 , Cyp11a1 , or StAR expression were found between db/+ and db/db mice. In conclusion, the present study showed an elevated steroid hormone production and adrenal steroidogenesis in the db/db model of obesity and type 2 diabetes. © Georg Thieme Verlag KG Stuttgart · New York.
10. Wireless Local Area Network Performance Inside Aircraft Passenger Cabins
Science.gov (United States)
Whetten, Frank L.; Soroker, Andrew; Whetten, Dennis A.; Whetten, Frank L.; Beggs, John H.
2005-01-01
An examination of IEEE 802.11 wireless network performance within an aircraft fuselage is performed. This examination measured the propagated RF power along the length of the fuselage, and the associated network performance: the link speed, total throughput, and packet losses and errors. A total of four airplanes: one single-aisle and three twin-aisle airplanes were tested with 802.11a, 802.11b, and 802.11g networks.
11. Optical theorem for heavy-ion scattering
International Nuclear Information System (INIS)
Schwarzschild, A.Z.; Auerbach, E.H.; Fuller, R.C.; Kahana, S.
1976-01-01
An heuristic derivation is given of an equivalent of the optical theorem stated in the charged situation with the remainder or nuclear elastic scattering amplitude defined as a difference of elastic and Coulomb amplitudes. To test the detailed behavior of this elastic scattering amplitude and the cross section, calculations were performed for elastic scattering of 18 O + 58 Ni, 136 Xe + 209 Bi, 84 Kr + 208 Pb, and 11 B + 26 Mg at 63.42 to 114 MeV
12. Changes in cardiac aldosterone and its synthase in rats with chronic heart failure: an intervention study of long-term treatment with recombinant human brain natriuretic peptide
Energy Technology Data Exchange (ETDEWEB)
Zhu, X.Q. [Fujian Medical University Union Hospital, Fuzhou, Fujian (China); Department of Cardiology, The Central Hospital of Enshi Autonomous Prefecture, Enshi, Hubei (China); Hong, H.S. [Department of Geriatrics, Fujian Medical University Union Hospital, Fuzhou, Fujian (China); Lin, X.H. [Department of Emergency Medicine, Fujian Medical University Union Hospital, Fuzhou, Fujian (China); Chen, L.L. [Department of Cardiology, Fujian Medical University Union Hospital, Fuzhou, Fujian (China); Li, Y.H. [Department of Cardiology, The Central Hospital of Enshi Autonomous Prefecture, Enshi, Hubei (China)
2014-07-11
The physiological mechanisms involved in isoproterenol (ISO)-induced chronic heart failure (CHF) are not fully understood. In this study, we investigated local changes in cardiac aldosterone and its synthase in rats with ISO-induced CHF, and evaluated the effects of treatment with recombinant human brain natriuretic peptide (rhBNP). Sprague-Dawley rats were divided into 4 different groups. Fifty rats received subcutaneous ISO injections to induce CHF and the control group (n=10) received equal volumes of saline. After establishing the rat model, 9 CHF rats received no further treatment, rats in the low-dose group (n=8) received 22.5 μg/kg rhBNP and those in the high-dose group (n=8) received 45 μg/kg rhBNP daily for 1 month. Cardiac function was assessed by echocardiographic and hemodynamic analysis. Collagen volume fraction (CVF) was determined. Plasma and myocardial aldosterone concentrations were determined using radioimmunoassay. Myocardial aldosterone synthase (CYP11B2) was detected by quantitative real-time PCR. Cardiac function was significantly lower in the CHF group than in the control group (P<0.01), whereas CVF, plasma and myocardial aldosterone, and CYP11B2 transcription were significantly higher than in the control group (P<0.05). Low and high doses of rhBNP significantly improved hemodynamics (P<0.01) and cardiac function (P<0.05) and reduced CVF, plasma and myocardial aldosterone, and CYP11B2 transcription (P<0.05). There were no significant differences between the rhBNP dose groups (P>0.05). Elevated cardiac aldosterone and upregulation of aldosterone synthase expression were detected in rats with ISO-induced CHF. Administration of rhBNP improved hemodynamics and ventricular remodeling and reduced myocardial fibrosis, possibly by downregulating CYP11B2 transcription and reducing myocardial aldosterone synthesis.
13. Hydroxysteroid dehydrogenase HSD1L is localised to the pituitary–gonadal axis of primates
Directory of Open Access Journals (Sweden)
A Daniel Bird
2017-09-01
Full Text Available Steroid hormones play clinically important and specific regulatory roles in the development, growth, metabolism, reproduction and brain function in human. The type 1 and 2 11-beta hydroxysteroid dehydrogenase enzymes (11β-HSD1 and 2 have key roles in the pre-receptor modification of glucocorticoids allowing aldosterone regulation of blood pressure, control of systemic fluid and electrolyte homeostasis and modulation of integrated metabolism and brain function. Although the activity and function of 11β-HSDs is thought to be understood, there exists an open reading frame for a distinct 11βHSD-like gene; HSD11B1L, which is present in human, non-human primate, sheep, pig and many other higher organisms, whereas an orthologue is absent in the genomes of mouse, rat and rabbit. We have now characterised this novel HSD11B1L gene as encoded by 9 exons and analysis of EST library transcripts indicated the use of two alternate ATG start sites in exons 2 and 3, and alternate splicing in exon 9. Relatively strong HSD11B1L gene expression was detected in human, non-human primate and sheep tissue samples from the brain, ovary and testis. Analysis in non-human primates and sheep by immunohistochemistry localised HSD11B1L protein to the cytoplasm of ovarian granulosa cells, testis Leydig cells, and gonadatroph cells in the anterior pituitary. Intracellular localisation analysis in transfected human HEK293 cells showed HSD1L protein within the endoplasmic reticulum and sequence analysis suggests that similar to 11βHSD1 it is membrane bound. The endogenous substrate of this third HSD enzyme remains elusive with localisation and expression data suggesting a reproductive hormone as a likely substrate.
14. Cloning and analysis of the HMG domains of ten Sox genes from ...
African Journals Online (AJOL)
Sox is a large gene family which encodes Sry-related transcription factors and contains a HMG box that is responsible for the sequence-specific DNA binding. In this paper, we obtained ten clones representing HMG box-containing Sox genes (BmSox1a, BmSox1b, BmSox3a, BmSox3b, BmSox3c, BmSox11a, BmSox11b, ...
15. Dicty_cDB: Contig-U05551-1 [Dicty_cDB
Lifescience Database Archive (English)
Full Text Available 15167 ) Rattus norvegicus clone CH230-160B10, *** SEQUENC... 38 0.19 2 ( CX072891 ) UCRCS08_2G12_b Parent...63 ) UCRCS08_0004A10_f Parent Washington Navel Orange ... 34 3.5 2 ( EY735173 ) CS00-C3-704-102-D02-CT.F Swe...CX672846 ) UCRCS10_19F11_b Madame Vinous Sweet Orange Multip... 34 3.4 2 ( CV7142
16. Dicty_cDB: VHD854 [Dicty_cDB
Lifescience Database Archive (English)
Full Text Available N AC187854 |AC187854.2 Populus trichocarpa clone Pop1-11B14, complete sequence. 38 0.15 5 CX072513 |CX072513.1 UCRCS08_28E10_g Parent...itrus sinensis cDNA clone UCRCS08-28E10-J20-1-4.g, mRNA sequence. 46 1.2 1 CX072512 |CX072512.1 UCRCS08_28E10_b Parent
17. [Mutational analysis and genetic cloning of the agnostic locus controlling learning ability in Drosophila].
Science.gov (United States)
Peresleni, A I; Savvateeva, E V; Peresleni, I V; Sharagina, L M
1995-08-01
The ts-mutations of the agnostic gene either increased or decreased the activity of the AC and PDE. A chromosomal deficiency in the 11B region failed to complement with the agnostic behavioral defect like agn P29 and P40, led to an increased proportion of the PDE-1 in total PDE and to the structural defects in the central complex thus indicating that the P insertion is responsible for the mutant agnostic phenotype.
18. Electrical resistivity of nanocrystals in Fe-Al-Ga-P-B-Si-Cu alloy
International Nuclear Information System (INIS)
Pekala, K.; Jaskiewicz, P.; Nowinski, J.L.; Pekala, M.
2003-01-01
In new supercooled Fe 74 Al 4 Ga 2 P 11 B 4 Si 4 Cu 1 alloy the 10 nm size α-Fe(Si) nanocrystals are precipitated. Thermal stability is analyzed by the electron transport and magnetization measurements. Temperature variation of electrical resistivity of nanocrystals is determined and discussed for alloys with different initial crystalline fraction. Possible mechanism inhibiting the grain growth is presented
19. The effect of aprotinin on hypoxia-reoxygenation-induced changes in neutrophil and endothelial function.
LENUS (Irish Health Repository)
Harmon, D
2012-02-03
BACKGROUND AND OBJECTIVE: An acute inflammatory response associated with cerebral ischaemia-reperfusion contributes to the development of brain injury. Aprotinin has potential, though unexplained, neuroprotective effects in patients undergoing cardiac surgery. METHODS: Human neutrophil CD11 b\\/CD18, endothelial cell intercellular adhesion molecule-1 (ICAM-1) expression and endothelial interleukin (IL)-1beta supernatant concentrations in response to in vitro hypoxia-reoxygenation was studied in the presence or absence of aprotinin (1600 KIU mL(-1)). Adhesion molecule expression was quantified using flow cytometry and IL-1beta concentrations by enzyme-linked immunosorbent assay. Data were analysed using ANOVA and post hoc Student-Newman-Keuls test as appropriate. RESULTS: Exposure to 60-min hypoxia increased neutrophil CD11b expression compared to normoxia (170+\\/-46% vs. 91+\\/-27%, P = 0.001) (percent intensity of fluorescence compared to time 0) (n = 8). Hypoxia (60 min) produced greater upregulation of CD11b expression in controls compared to aprotinin-treated neutrophils [(170+\\/-46% vs. 129+\\/-40%) (P = 0.04)] (n = 8). Hypoxia-reoxygenation increased endothelial cell ICAM-1 expression (155+\\/-3.7 vs. 43+\\/-21 mean channel fluorescence, P = 0.0003) and IL-1beta supernatant concentrations compared to normoxia (3.4+\\/-0.4 vs. 2.6+\\/-0.2, P = 0.02) (n = 3). Hypoxia-reoxygenation produced greater upregulation of ICAM- 1 expression [(155+\\/-3.3 vs. 116+\\/-0.7) (P = 0.001)] and IL-1beta supernatant concentrations [(3.4+\\/-0.3 vs. 2.6+\\/-0.1) (P = 0.01)] in controls compared to aprotinin-treated endothelial cell preparation (n = 3). CONCLUSIONS: Hypoxia-reoxygenation-induced upregulation of neutrophil CD11b, endothelial cell ICAM-1 expression and IL-1beta concentrations is decreased by aprotinin at clinically relevant concentrations.
20. Architecture d'une solution de sécurité dans un réseau sans fil basé ...
African Journals Online (AJOL)
We propose to tackle the problem of safety met in the networks 802.11b by the study of the various evolutions concerning the systems of safety and we present the architecture of a solution of safety based on the use of a gate Web and standard IEEE 802.1x. Through this architecture we show that it is possible to implement ...
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.738841712474823, "perplexity": 17910.294050391567}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-39/segments/1631780060803.2/warc/CC-MAIN-20210928122846-20210928152846-00004.warc.gz"}
|
https://socratic.org/questions/how-do-you-find-the-differential-dy-of-the-function-y-xsqrt-1-x-2
|
Calculus
Topics
# How do you find the differential dy of the function y=xsqrt(1-x^2)?
The differential of $y$ is the derivative of the function times the differential of $x$
$\mathrm{dy} = \left(\sqrt{1 - {x}^{2}} - {x}^{2} / \left(\sqrt{1 - {x}^{2}}\right)\right) \mathrm{dx}$
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 3, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8502285480499268, "perplexity": 313.6726745032142}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-21/segments/1652662510117.12/warc/CC-MAIN-20220516104933-20220516134933-00191.warc.gz"}
|
https://hal-mines-paristech.archives-ouvertes.fr/hal-01445888
|
# A New Plasma Electro-Burner Concept for Biomass and Waste Combustion
* Auteur correspondant
Abstract : Raw biomass resources and many wastes are composed of poor-LHV organic matter (LHV <20 MJ/kg). Their use as renewable fuels for heat or power generation is challenging, particularly when they are in solid form. Indeed, their combustion in air is critical and it is not possible to build autonomous burners independently of external conditions without assistance. Three main options are currently studied: (i) the co-combustion, in which the poor-LHV fuel flame is supported thanks to an additional rich fuel, (ii) the oxy-combustion (iii) the electro-combustion, consisting in the generation of thermal plasma for activating and assisting the combustion. This last option is highly interesting because it only requires electricity (having low carbon content if renewable electricity). Depending on the nature of the feedstock, the electric power of the plasma does not exceed 1–5% of the flame power. Most plasma electro-burners technologies today on the market use DC plasma torches. These technologies suffer from many drawbacks among which: limited electrodes lifetime, poor reliability, important water cooling needs, need of AC/DC transformers, etc. leading to high CAPEX and OPEX. With the objective to go over these limits and reduce OPEX and CAPEX while increasing reliability, the Center PERSEE MINES-ParisTech has been working in the development of an original three-phase AC plasma technology to be integrated in a plasma electro-burner. This paper presents the main achievements on the plasma technology with a special focus on the limitation of electrodes erosion thanks to an active thermochemical gas sheathing.
Keywords :
Type de document :
Article dans une revue
Domaine :
https://hal-mines-paristech.archives-ouvertes.fr/hal-01445888
Contributeur : Magalie Prudon <>
Soumis le : mercredi 25 janvier 2017 - 14:12:56
Dernière modification le : lundi 12 novembre 2018 - 11:04:27
### Citation
Vandad-Julien Rohani, Sabri Takali, Guillaume Gérard, Frédéric Fabry, François Cauneau, et al.. A New Plasma Electro-Burner Concept for Biomass and Waste Combustion. Waste and Biomass Valorization, Springer, VAN GODEWIJCKSTRAAT 30, 3311 GZ DORDRECHT, NETHERLANDS, 2017, 8 (8), pp.2791-2805. ⟨10.1007/s12649-017-9829-9⟩. ⟨hal-01445888⟩
### Métriques
Consultations de la notice
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8271411061286926, "perplexity": 10112.103538745905}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 5, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2019-39/segments/1568514573289.83/warc/CC-MAIN-20190918131429-20190918153429-00512.warc.gz"}
|
http://math.stackexchange.com/questions/110541/series-involving-zeta-functions
|
# Series involving zeta functions
Let's have the following zeta function binomial: $\sum\limits_{n=1}^\infty \left(\frac{1}{n}-\frac{1}{n+1}\right)^2=\pi^2/3-3$.
Does anyone know the limit of the following zeta function binomial $\sum\limits_{n=1}^\infty \left(\frac{1}{n}-\frac{1}{n+1}\right)^4$?
-
Employ $(a-b)^4=a^4-4a^3b+6a^2b^2-4ab^3+b^4=a^4+6(ab)^2-4ab(a^2+b^2)$ on the following:
$$\blacksquare \; = \sum_{n=1}^{\infty} \left( \frac{1}{n} - \frac{1}{n+1} \right)^4= \sum_{n=1}^\infty \color{Red}{\frac{1}{n^4}}-\frac{4}{\color{Blue}{n^3(n+1)}}+\frac{6}{\color{Green}{n^2(n+1)^2}}-\frac{4}{\color{Blue}{n(n+1)^3}}+\color{Red}{\frac{1}{(n+1)^4}}$$
$$=\color{Red}{2\zeta(4)-1}+6\color{Green}{\sum_{n=1}^\infty \left(\frac{1}{n}-\frac{1}{n+1}\right)^2}-4\color{Blue}{\sum_{n=1}^\infty \left(\frac{1}{n}-\frac{1}{n+1}\right)\left(\frac{1}{n^2}+\frac{1}{(n+1)^2}\right)}$$
$$\frac{\pi^4}{45}+2\pi^2-19-4\color{Blue}{\blacktriangle}.$$
Note we used $\color{Green}{\bullet}=\pi^2/3-3$ and $\color{Red}{2\zeta(4)}=\pi^4/45$ above. Now we evaluate $\color{Blue}{\blacktriangle}$:
$$\color{Blue}{\blacktriangle}=\sum_{n=1}^\infty \frac{1}{n}\left(\color{Purple}{\frac{1}{n^2}}+\color{DarkOrange}{\frac{1}{(n+1)^2}}\right)-\frac{1}{n+1}\left(\color{DarkOrange}{\frac{1}{n^2}}+\color{Purple}{\frac{1}{(n+1)^2}}\right)$$
$$=\color{Purple}{\zeta(3)-[\zeta(3)-1]}+\color{DarkOrange}{\sum_{n=1}^\infty \frac{1}{n(n+1)}\left(\frac{1}{n+1}-\frac{1}{n}\right)}$$
$$=1-(\pi^2/3-3)=4-\pi^2/3.$$
Putting it all together, we obtain the final answer of
$$\blacksquare = \frac{\pi^4}{45}+\frac{10\pi^2}{3}-35.$$
The two general tools in my answer to this and your previous zeta question are:
• $\displaystyle \frac{1}{n(n+1)}=\frac{1}{n}-\frac{1}{n+1}$ to either break or put together terms, and
• $a^nb^m+a^mb^n=(ab)^k(a^l+b^l)$, where $k=\min\{n,m\}$ and $l+k=\max\{n,m\}$.
The first breaks down terms and the second is just for some (perhaps strained) efficiency. It only takes these formulas (plus $\zeta(2s)$'s) to compute $\sum_{n=1}^\infty (n^2+n)^{-k}$ for any $k$, and any $\zeta(2s+1)$'s that appear will always cancel each other out (up to a rational number).
-
@ Anon Only your answer is accepted. – Vassilis Parassidis Feb 18 '12 at 5:41
$$\sum_{n=1}^{\infty} \left( \frac{1}{n} - \frac{1}{n+1} \right)^4 = \frac{ \pi^2 (\pi^2 + 150) }{45} - 35.$$
This is derived in the same manner as to the other sum you gave - expand the binomial, notice the obvious telescoping series, and sum the others using what is known about $\zeta (2n).$
-
@Ragib.Can you please present the detailed calculations. – Vassilis Parassidis Feb 18 '12 at 4:12
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 1, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9881064891815186, "perplexity": 807.4953122848273}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-06/segments/1422115862636.1/warc/CC-MAIN-20150124161102-00048-ip-10-180-212-252.ec2.internal.warc.gz"}
|
http://steventtud.com/edx-linux-foundation-ch-9-user-environment-section-3-recalling-previous-commands/
|
# EDX Linux Foundation Ch 9:User Environment Section 3 Recalling Previous Commands &4 Command Aliases
less than 1 minute read
# Section 3:Recalling Previous Commands
### Up and Down
you can recall previously used commands simply by using the Up and Down cursor keys.
### histroy
To view the list of previously executed commands, you can just type history at the command line.
### ~/.bash_history.
The list of commands is displayed with the most recent command appearing last in the list. This information is stored in ~/.bash_history.
## Using History Environment Variables
\$HISTFILE stores the location of the history file. \$HISTFILESIZE stores the maximum number of lines in the history file. \$HISTSIZE stores the maximum number of lines in the history file for the current session.
ubuntu@ip-172-31-27-94:~\$ echo \$HISTFILE
/home/ubuntu/.bash_history
ubuntu@ip-172-31-27-94:~\$ echo \$HISTFILESIZE
2000
ubuntu@ip-172-31-27-94:~\$ echo \$HISTSIZE
1000
ubuntu@ip-172-31-27-94:~\$
## Finding and Using Previous Commands
### Up/Down arrow key
Browse through the list of commands previously executed
### !! (Pronounced as bang-bang)
Execute the previous command
### CTRL-R
Search previously used commands
# Section 4:Command Aliases
## Creating Aliases
You can create customized commands or modify the behavior of already existing ones by creating aliases. Most often these aliases are placed in your ~/.bashrc file so they are available to any command shells you create.
Tags:
Updated:
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9330233335494995, "perplexity": 9230.858671760887}, "config": {"markdown_headings": true, "markdown_code": false, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": false}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2018-34/segments/1534221216475.75/warc/CC-MAIN-20180820140847-20180820160847-00603.warc.gz"}
|
https://matholympiad.org.bd/forum/viewtopic.php?f=13&t=1708
|
## BdMO 2012 National: Problem Sets
Moon
Posts: 751
Joined: Tue Nov 02, 2010 7:52 pm
Contact:
### BdMO 2012 National: Problem Sets
Problem 1:
Find a three digit number so that when its digits are arranged in reverse order and added with the original number, the result is a three digit number with all of its digits being equal. In case of two digit numbers, here is an example: $23+32=55$
viewtopic.php?f=13&t=1731
Problem 2:
Subrata writes a letter to Ruponti every day (in successive intervals of $24$ hours) from Korea. But Ruponti receives the letters in intervals of $25$ hours. What is the number of the letter Ruponti receives on the $25^{th}$ day?
viewtopic.php?f=13&t=1709
Problem 3:
Prove that, the difference between two prime numbers larger than $2$ can’t be a prime number other than $2$.
viewtopic.php?f=13&t=1723
Problem 4:
Write a number in a paper and hold the paper upside down. If what you get is exactly same as the number before rotation then that number is called beautiful. Example: $986$ is a beautiful number. Find out the largest $5$ digit beautiful number.
viewtopic.php?f=13&t=1732
Problem 5:
If a number is multiplied with itself thrice, the resultant is called its cube. For example: $3 × 3 × 3 = 27$, hence $27$ is the cube of $3$. If $1,\ 170$ and $387$ are added with a positive integer, cubes of three consecutive integers are obtained. What are those three consecutive integers?
viewtopic.php?f=13&t=1733
Problem 6:
Consider the given diagram. There are three rectangles shown here. Their lengths are $3,\ 4$ and $5$ units respectively, widths respectively $2,\ 3$ and $4$ units. Each small grid represents a square $1$ unit long and $1$ unit wide. Use these diagrams to find out the sum of the consecutive numbers from $1$ to $500$. (If you use some direct formula for doing so, you must provide its proof)
Figure for Problem 6
Primary 6.jpg (15.53 KiB) Viewed 26936 times
viewtopic.php?f=13&t=1734
Problem 7:
When Tanvir climbed the Tajingdong mountain, on his way to the top he saw it was raining $11$ times. At Tajindong, on a rainy day, it rains either in the morning or in the afternoon; but it never rains twice in the same day. On his way, Tanvir spent $16$ mornings and $13$ afternoons without rain. How many days did it take for Tanvir to climb the Tajindong mountain in total?
viewtopic.php?f=13&t=1719
Problem 8:
A magic box takes two numbers. If we can obtain the first numbers by multiplying the second number with itself several times then a green light on the box turns on. Otherwise, a red light turns on. For example, if you enter $16$ and $2$ then the green light turns on because $2×2×2×2 = 16$. But if you enter $18$ and $9$ then the red light turns on. If the two numbers are equal then the green light turns on. If the first number is $256$ then for how many different second numbers will the green light turn on?
viewtopic.php?f=13&t=1724
Problem 9:
Each room of the Magic Castle has exactly one door. The rooms are designed such that when you can go from one room to the next one through a door, the second room's length is equal to the first room's width, and the second room's width is half of the first room's width (see the figure). Each door can be used only once. Magic Prince has entered the castle and now needs to get out. To get out of each room, the prince needs time equal to the width of the room. The prince has to use each door to get out of the castle. Due to the blessings of a Sufi, the prince can become as small as he wants (so that he can go into even very small rooms). If the castle is a square of side length $20$ meters then how long will it take for the prince to get out?
Figure for Problem 9
Primary 9.jpg (15.18 KiB) Viewed 26936 times
viewtopic.php?f=13&t=1727
Problem 10:
Tusher chose some consecutive numbers starting from $1$. He noticed that the least common multiple of those numbers is divisible by $100$. What is the minimum number of numbers he chose?
viewtopic.php?f=13&t=1735
Attachments
2012 national primary_complete.pdf
Primary National 2012
"Inspiration is needed in geometry, just as much as in poetry." -- Aleksandr Pushkin
learn how to write equations, and don't forget to read Forum Guide and Rules.
Moon
Posts: 751
Joined: Tue Nov 02, 2010 7:52 pm
Contact:
### Re: BdMO 2012 National: Problem Sets
Problem 1:
Subrata writes a letter to Ruponti every day (in successive intervals of $24$ hours) from Korea. But Ruponti receives the letters in intervals of $25$ hours. What is the number of the letter Ruponti receives on the $25^{th}$ day?
viewtopic.php?f=13&t=1709
Problem 2:
Prove that, the difference between two prime numbers larger than $2$ can’t be a prime number other than $2$.
viewtopic.php?f=13&t=1723
Problem 3:
When Tanvir climbed the Tajingdong mountain, on his way to the top he saw it was raining $11$ times. At Tajindong, on a rainy day, it rains either in the morning or in the afternoon; but it never rains twice in the same day. On his way, Tanvir spent $16$ mornings and $13$ afternoons without rain. How many days did it take for Tanvir to climb the Tajindong mountain in total?
viewtopic.php?f=13&t=1719
Problem 4:
A magic box takes two numbers. If we can obtain the first number by multiplying the second number with itself several times then a green light on the box turns on. Otherwise, a red light turns on. For example, if you enter $16$ and $2$ then the green light turns on because $2×2× 2×2 = 16$. But if you enter $18$ and $9$ then the red light turns on. If the two numbers are equal then the green light turns on. If the first number is $256$ then for how many different second numbers will the green light turn on?
viewtopic.php?f=13&t=1724
Problem 5:
$ABC$ is a right triangle with hypotenuse $AC$. $D$ is the midpoint of $AC$. $E$ is a point on the extension of $BD$. The perpendicular drawn on $BC$ from $E$ intersects $AC$ at $F$ and $BC$ at $G.$ (a) Prove that, if $DEF$ is an equilateral triangle then $\angle ACB = 30^0$. (b) Prove that, if $\angle ACB = 30^0$ then $DEF$ is an equilateral triangle.
viewtopic.php?f=13&t=1725
Problem 6:
In triangle $ABC$, $AB=7,\ AC=3,\ BC=9$. Draw a circle with radius $AC$ and center $A$. What is the distance from $B$ to the point on the circle that is furthest from $B$?
viewtopic.php?f=13&t=1726
Problem 7:
Each room of the Magic Castle has exactly one door. The rooms are designed such that when you can go from one room to the next one through a door, the second room's length is equal to the first room's width, and the second room's width is half of the first room's width (see the figure). Each door can be used only once. Magic Prince has entered the castle and now needs to get out. To get out of each room, the prince needs time equal to the width of the room. The prince has to use each door to get out of the castle. Due to the blessings of a Sufi, the prince can become as small as he wants (so that he can go into even very small rooms). If the castle is a square of side length $20$ meters then how long will it take for the prince to get out?
Figure for Problem 7
Junior 7.jpg (15.51 KiB) Viewed 26974 times
viewtopic.php?f=13&t=1727
Problem 8:
Find the total number of the triangles whose all the sides are integer and the longest side is of $100$ in length. If the similar clause is applied for the isosceles triangle then what will be the total number of triangles?
viewtopic.php?f=13&t=1720
Problem 9:
Given triangle $ABC$, the square $PQRS$ is drawn such that $P,\ Q$ are on $BC,\ R$ is on $CA$ and $S$ is on $AB$. Radius of the triangle that passes through $A,\ B,\ C$ is $R$. If $AB = c,\ BC = a,\ CA = b,$ Show that $\frac{AS}{SB}=\frac{bc}{2aR}$
viewtopic.php?f=13&t=1728
Problem 10:
The $n$-th term of a sequence is the least common multiple (l.c.m.) of the integers from $1$ to $n$. Which term of the sequence is the first one that is divisible by $100$?
viewtopic.php?f=13&t=1730
Attachments
2012 national junior_complete.pdf
National 2012: Junior
"Inspiration is needed in geometry, just as much as in poetry." -- Aleksandr Pushkin
learn how to write equations, and don't forget to read Forum Guide and Rules.
Moon
Posts: 751
Joined: Tue Nov 02, 2010 7:52 pm
Contact:
### Re: BdMO 2012 National: Problem Sets
Problem 1:
Subrata writes a letter to Ruponti every day (in successive intervals of $24$ hours) from Korea. But Ruponti receives the letters in intervals of $25$ hours. What is the number of the letter Ruponti receives on the $25^{th}$ day?
viewtopic.php?f=13&t=1709
Problem 2:
When Tanvir climbed the Tajingdong mountain, on his way to the top he saw it was raining $11$ times. At Tajindong, on a rainy day, it rains either in the morning or in the afternoon; but it never rains twice in the same day. On his way, Tanvir spent $16$ mornings and $13$ afternoons without rain. How many days did it take for Tanvir to climb the Tajindong mountain in total?
viewtopic.php?f=13&t=1719
Problem 3:
In a given pentagon $ABCDE$, triangles $ABC, BCD, CDE, DEA$ and $EAB$ all have the same area. The lines $AC$ and $AD$ intersect $BE$ at points $M$ and $N$. Prove that $BM = EN$.
viewtopic.php?f=13&t=1711
Problem 4:
Find the total number of the triangles whose all the sides are integer and longest side is of $100$ in length. If the similar clause is applied for the isosceles triangle then what will be the total number of triangles?
viewtopic.php?f=13&t=1720
Problem 5:
In triangle $ABC$, medians $AD$ and $CF$ intersect at point $G$. $P$ is an arbitrary point on $AC$. $PQ$ & $PR$ are parallel to $AD$ & $CF$ respectively. $PQ$ intersects $BC$ at $Q$ and $PR$ intersects $AB$ at $R$. If $QR$ intersects $AD$ at $M$ & $CF$ at $N$, then prove that area of triangle $GMN$ is $\frac{(A)}{8}$ where $(A)$ = area enclosed by $PQ, PR, AD, CF$.
viewtopic.php?f=13&t=1712
Problem 6:
Show that for any prime $p$, there are either infinitely many or no positive integer $a$, so that $6p$ divides $a^p + 1$. Find all those primes for which there exists no solution.
viewtopic.php?f=13&t=1714
Problem 7:
In an acute angled triangle $ABC$, $\angle A= 60^0$. Prove that the bisector of one of the angles formed by the altitudes drawn from $B$ and $C$ passes through the center of the circumcircle of the triangle $ABC$.
viewtopic.php?f=13&t=1715
Problem 8:
The vertices of a right triangle $ABC$ inscribed in a circle divide the circumference into three arcs. The right angle is at $A$, so that the opposite arc $BC$ is a semicircle while arc $AB$ and arc $AC$ are supplementary. To each of the three arcs, we draw a tangent such that its point of tangency is the midpoint of that portion of the tangent intercepted by the extended lines $AB$ and $AC$. More precisely, the point $D$ on arc $BC$ is the midpoint of the segment joining the points $D'$ and $D''$ where the tangent at $D$ intersects the extended lines $AB$ and $AC$. Similarly for $E$ on arc $AC$ and $F$ on arc $AB$. Prove that triangle $DEF$ is equilateral.
viewtopic.php?f=13&t=1721
Problem 9:
Consider a $n×n$ grid of points. Prove that no matter how we choose $2n-1$ points from these, there will always be a right triangle with vertices among these $2n-1$ points.
viewtopic.php?f=13&t=1722
Problem 10:
A triomino is an $L$-shaped pattern made from three unit squares. A $2^k \times 2^k$ chessboard has one of its squares missing. Show that the remaining board can be covered with triominoes.
viewtopic.php?f=13&t=1717
Attachments
2012 national secondary_complete.pdf
National 2012: Secondary
"Inspiration is needed in geometry, just as much as in poetry." -- Aleksandr Pushkin
learn how to write equations, and don't forget to read Forum Guide and Rules.
Moon
Posts: 751
Joined: Tue Nov 02, 2010 7:52 pm
Contact:
### Re: BdMO 2012 National: Problem Sets
Problem 1:
Subrata writes a letter to Ruponti every day (in successive intervals of $24$ hours) from Korea. But Ruponti receives the letters in intervals of $25$ hours. What is the number of the letter Ruponti receives on the $25^{th}$ day?
viewtopic.php?f=13&t=1709
Problem 2:
Superman is taking part in a hurdle race with $12$ hurdles. At any stage he can jump across any number of hurdles lying ahead. For example, he can cross all $12$ hurdles in one jump or he can cross $7$ hurdles in the first jump, $1$ in the later and the rest in the third jump. In how many different ways can superman complete the race?
viewtopic.php?f=13&t=1710
Problem 3:
In a given pentagon $ABCDE$, triangles $ABC, BCD, CDE, DEA$ and $EAB$ all have the same area. The lines $AC$ and $AD$ intersect $BE$ at points $M$ and $N$. Prove that $BM = EN$.
viewtopic.php?f=13&t=1711
Problem 4:
Consider the pattern অআআইইইঈঈঈঈউউউউউ... When the part with $11$ ‘ঔ’s end, the pattern continues with $12$ ‘অ’s, $13$ ‘আ’s and so on. What is the $2012^{th}$ letter in this pattern?
viewtopic.php?f=13&t=1713
Problem 5:
In triangle $ABC$, medians $AD$ and $CF$ intersect at point $G$. $P$ is an arbitrary point on $AC$. $PQ$ & $PR$ are parallel to $AD$ & $CF$ respectively. $PQ$ intersects $BC$ at $Q$ and $PR$ intersects $AB$ at $R$. If $QR$ intersects $AD$ at $M$ & $CF$ at $N$, then prove that area of triangle $GMN$ is $\frac{(A)}{8}$ where $(A)$ = area enclosed by $PQ, PR, AD, CF$.
viewtopic.php?f=13&t=1712
Problem 6:
Show that for any prime $p$, there are either infinitely many or no positive integer $a$, so that $6p$ divides $a^p + 1$. Find all those primes for which there exists no solution.
viewtopic.php?f=13&t=1714
Problem 7:
In an acute angled triangle $ABC$, $\angle A= 60^0$. Prove that the bisector of one of the angles formed by the altitudes drawn from $B$ and $C$ passes through the center of the circumcircle of the triangle $ABC$.
viewtopic.php?f=13&t=1715
Problem 8:
A decision making problem will be resolved by tossing $2n + 1$ coins. If Head comes in majority one option will be taken, for majority of tails it’ll be the other one. Initially all the coins were fair. A witty mathematician replaced $n$ pairs of fair coins with $n$ pairs of biased coins, but in each pair the probability of obtaining head in one is the same the probability of obtaining tail in the other. Will this cause any favor for any of the options available? Justify with logic.
viewtopic.php?f=13&t=1716
Problem 9:
A triomino is an $L$-shaped pattern made from three unit squares. A $2^k \times 2^k$ chessboard has one of its squares missing. Show that the remaining board can be covered with triominoes.
viewtopic.php?f=13&t=1717
Problem 10:
Consider a function $f: \mathbb{N}_0\to \mathbb{N}_0$ following the relations:
• $f(0)=0$
• $f(np)=f(n)$
• $f(n)=n+f\left ( \left \lfloor \dfrac{n}{p} \right \rfloor \right)$ when $n$ is not divisible by $p$
Here $p > 1$ is a positive integer, $\mathbb{N}_0$ is the set of all nonnegative integers and $\lfloor x \rfloor$ is the largest integer smaller or equal to $x$.
Let, $a_k$ be the maximum value of $f (n)$ for $0\leq n \leq p^k$. Find $a_k$.
viewtopic.php?f=13&t=1718
Attachments
2012 national higher secondary_complete.pdf
National Higher Secondary 2012
Last edited by Zzzz on Sun Feb 12, 2012 8:37 am, edited 1 time in total.
"Inspiration is needed in geometry, just as much as in poetry." -- Aleksandr Pushkin
learn how to write equations, and don't forget to read Forum Guide and Rules.
Moon
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.771564781665802, "perplexity": 414.0614145968552}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2020-05/segments/1579250619323.41/warc/CC-MAIN-20200124100832-20200124125832-00529.warc.gz"}
|
http://www.gradesaver.com/of-mice-and-men/q-and-a/what-did-george-tell-the-boss-that-he-and-lennie-were-doing-in-weed-293755
|
# What did George tell the boss that he and lennie were doing in weed
Idk
##### Answers 2
He just says that they were working in Weed.
george says they were digging a cesspool, like a hole for sewage.
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8417543172836304, "perplexity": 7129.4105223965935}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": false}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2017-09/segments/1487501170992.17/warc/CC-MAIN-20170219104610-00450-ip-10-171-10-108.ec2.internal.warc.gz"}
|
http://lists.gnu.org/archive/html/lilypond-devel/2007-09/msg00118.html
|
lilypond-devel
[Top][All Lists]
Re: GDP: rearrangement (third attempt)
From: John Mandereau Subject: Re: GDP: rearrangement (third attempt) Date: Mon, 10 Sep 2007 17:44:34 +0200
Le lundi 10 septembre 2007 à 14:37 +0200, Mats Bengtsson a écrit :
> Graham Percival wrote:
> >
> >>> + 6.6.2 Stems
> >>
> >> Currently, this subsection has nothing to do with polyphony.
> >> Furthermore it is layout specific, and should therefore be postponed.
> >
> > I have _always_ hated this section. I remember trying -- and failing
> > -- to find a home for it when I did my very first doc rearrangement,
> > and it's still a pain.
> >
> > Help? Anybody have a suggestion for where to move this to? (or
> > perhaps delete entirely, and put info about \stemDown... where?)
> How about some combined subsection on (ordinary) notes which deals with
> both
> note heads and stems? Currently, we don't have any specific subsection
> on note
> heads (though there are a few related to special notation). Any section
> that
> describes \xxxDown and \xxxUp macros should also refer to the section
> that describes \voiceOne and \voiceTwo, since that's mostly a better
> solution.
> (Sorry, couldn't help leaving the structure and talking about content
> for a moment).
Tu sum up your suggestion, which I like quite much, I propose the
following section (inside chapter 7 "Decorating musical notation", and
replacing "Special use"):
7.6.1 Stems
7.6.3 Improvisation
7.6.4 Selecting notation font size
7.6.5 Hidden notes
7.6.6 Parentheses
My two cents: maybe "Parentheses" should be included in a (sub)section
in chapter 7, called "Editorial notation", which would also deal with
bracketed dynamics for example. Then, I don't know where to move
"Coloring objects", what a pain! What about including it as an example
subsection in "9.3 The \override command", with proper index entries,
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8769163489341736, "perplexity": 15852.534612271444}, "config": {"markdown_headings": false, "markdown_code": false, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-06/segments/1422121744242.57/warc/CC-MAIN-20150124174904-00079-ip-10-180-212-252.ec2.internal.warc.gz"}
|
https://www.jobilize.com/online/course/1-7-the-complex-numbers-the-real-and-complex-numbers-by-openstax?qcr=www.quizover.com&page=2
|
# 1.7 The complex numbers (Page 3/3)
Page 3 / 3
Suppose $C$ were an ordered field, and write $P$ for its set of positive elements. Then, since every square in an ordered field must be in $P$ (part (e) of [link] ), we must have that $-1={i}^{2}$ must be in $P.$ But, by part (a) of [link] , we also must have that 1 is in $P,$ and this leads to a contradiction of the law of tricotomy. We can't have both 1 and $-1$ in $P.$ Therefore, $C$ is not an ordered field.
Although we may not define when one complex number is smaller than another, we can define the absolute value of a complex number and the distance between two of them.
If $z=x+yi$ is in $C$ , we define the absolute value of $z$ by
$|z|=\sqrt{{x}^{2}+{y}^{2}}.$
We define the distance $d\left(z,w\right)$ between two complex numbers $z$ and $w$ by
$d\left(z,w\right)=|z-w|.$
If $c\in C$ and $r>0,$ we define the open disk of radius $r$ around c , and denote it by ${B}_{r}\left(c\right),$ by
${B}_{r}\left(c\right)=\left\{z\in C:|z-c|
The closed disk of radius $r$ around $c$ is denoted by ${\overline{B}}_{r}\left(c\right)$ and is defined by
${\overline{B}}_{r}\left(c\right)=\left\{z\in C:|z-c|\le r\right\}.$
We also define open and closed punctured disks ${B}_{r}^{\text{'}}\left(c\right)$ and ${\overline{B}}_{r}^{\text{'}}\left(c\right)$ around $c$ by
${B}_{r}^{\text{'}}\left(c\right)=\left\{z:0<|z-c|
and
${\overline{B}}_{r}^{\text{'}}\left(c\right)=\left\{z:0<|z-c\le r\right\}.$
These punctured disks are just like the regular disks, except that they do not contain the central point $c.$
More generally, if $S$ is any subset of $C,$ we define the open neighborhood of radius r around $S,$ denoted by ${N}_{r}\left(S\right),$ to be the set of all $z$ such that there exists a $w\in S$ for which $|z-w| That is, ${N}_{r}\left(S\right)$ is the set of all complex numbers that are within a distance of $r$ of the set $S.$ We define the closed neighborhood of radius $r$ around $S,$ and denote it by ${\overline{N}}_{r}\left(S\right),$ to be the set of all $z\in C$ for which there exists a $w\in S$ such that $|z-w|\le r.$
1. Prove that the absolute value of a complex number $z$ is a nonnegative real number. Show in addition that ${|z|}^{2}=z\overline{z}.$
2. Let $x$ be a real number. Show that the absolute value of $x$ is the same whether we think of $x$ as a real number or as a complex number.
3. Prove that $max\left(|\Re \left(z\right)|,|\Im \left(z\right)|\right)\le |z|\le |\Re \left(z\right)|+|\Im \left(z\right)|.$ Note that this just amounts to verifying that
$max\left(|x|,|y|\right)\le \sqrt{{x}^{2}+{y}^{2}}\le |x|+|y|$
for any two real numbers $x$ and $y.$
4. For any complex numbers $z$ and $w,$ show that $\overline{z+w}=\overline{z}+\overline{w},$ and that $\overline{\overline{z}}=z.$
5. Show that $z+\overline{z}=2\Re \left(z\right)$ and $z-\overline{z}=2i\Im \left(z\right).$
6. If $z=a+bi$ and $w={a}^{\text{'}}+{b}^{\text{'}}i,$ prove that $|zw|=|z||w|.$ HINT: Just compute $|\left(a+bi\right)\left({a}^{\text{'}}+{b}^{\text{'}}i\right){|}^{2}.$
The next theorem is in a true sense the most often used inequality of mathematical analysis. We have already proved the triangle inequality for the absolute value of real numbers, and the proof wasnot very difficult in that case. For complex numbers, it is not at all simple, and this should be taken as a good indication that it is a deep result.
## Triangle inequality
If $z$ and ${z}^{\text{'}}$ are two complex numbers, then
$|z+{z}^{\text{'}}|\le |z|+|{z}^{\text{'}}|$
and
$|z-{z}^{\text{'}}|\ge ||z|-|{z}^{\text{'}}||.$
We use the results contained in [link] .
$\begin{array}{ccc}\hfill |z+{z}^{\text{'}}{|}^{2}& =& \left(z+{z}^{\text{'}}\right)\overline{\left(z+{z}^{\text{'}}\right)}\hfill \\ & =& \left(z+{z}^{\text{'}}\right)\left(\overline{z}+\overline{{z}^{\text{'}}}\right)\hfill \\ & =& z\overline{z}+{z}^{\text{'}}\overline{z}+z\overline{{z}^{\text{'}}}+{z}^{\text{'}}\overline{{z}^{\text{'}}}\hfill \\ & =& {|z|}^{2}+{z}^{\text{'}}\overline{z}+\overline{{z}^{\text{'}}\overline{z}}+{|{z}^{\text{'}}|}^{2}\hfill \\ & =& {|z|}^{2}+2\Re \left({z}^{\text{'}}\overline{z}\right)+{|{z}^{\text{'}}|}^{2}\hfill \\ & \le & {|z|}^{2}+2|\Re \left({z}^{\text{'}}\overline{z}\right)|+|{z}^{\text{'}}{|}^{2}\hfill \\ & \le & {|z|}^{2}+2|{z}^{\text{'}}\overline{z}|+|{z}^{\text{'}}{|}^{2}\hfill \\ & =& {|z|}^{2}+2|{z}^{\text{'}}||z|+|{z}^{\text{'}}{|}^{2}\hfill \\ & =& \left(|z|+|{z}^{\text{'}}{|\right)}^{2}.\hfill \end{array}$
The Triangle Inequality follows now by taking square roots.
REMARK The Triangle Inequality is often used in conjunction with what's called the “add and subtract trick.”Frequently we want to estimate the size of a quantity like $|z-w|,$ and we can often accomplish this estimation by adding and subtracting the same thing within the absolute value bars:
$|z-w|=|z-v+v-w|\le |z-v|+|v-w|.$
The point is that we have replaced the estimation problem of the possibly unknown quantity $|z-w|$ by the estimation problems of two other quantities $|z-v|$ and $|v-w|.$ It is often easier to estimate these latter two quantities, usually by an ingenious choice of $v$ of course.
1. Prove the second assertion of the preceding theorem.
2. Prove the Triangle Inequality for the distance function. That is, prove that
$d\left(z,w\right)\le d\left(z,v\right)+d\left(v,w\right)$
for all $z,w,v\in C.$
3. Use mathematical induction to prove that
$|\sum _{i=1}^{n}{a}_{i}|\le \sum _{i=1}^{n}|{a}_{i}|.$
It may not be necessary to point out that part (b) of the preceding exercise provides a justification for the name “triangle inequality.”Indeed, part (b) of that exercise is just the assertion that the length of one side of a triangle in the plane is less than or equalto the sum of the lengths of the other two sides. Plot the three points $z,w,$ and $v,$ and see that this interpretation is correct.
A subset $S$ of $C$ is called Bounded if there exists a real number $M$ such that $|z|\le M$ for every $z$ in $S.$
1. Let $S$ be a subset of $C$ . Let ${S}_{1}$ be the subset of $R$ consisting of the real parts of the complex numbers in $S,$ and let ${S}_{2}$ be the subset of $R$ consisting of the imaginary parts of the elements of $S.$ Prove that $S$ is bounded if and only if ${S}_{1}$ and ${S}_{2}$ are both bounded.
HINT: Use Part (c) of [link] ..
2. Let $S$ be the unit circle in the plane, i.e., the set of all complex numbers $z=x+iy$ for which $|z|=1.$ Compute the sets ${S}_{1}$ and ${S}_{2}$ of part (a).
1. Verify that the formulas for the sum of a geometric progression and the binomial theorem ( [link] and [link] ) are valid for complex numbers $z$ and ${z}^{\text{'}}.$ HINT: Check that, as claimed, the proofs of those theorems work in any field.
2. Prove [link] for complex numbers $z$ and ${z}^{\text{'}}.$
Application of nanotechnology in medicine
what is variations in raman spectra for nanomaterials
I only see partial conversation and what's the question here!
what about nanotechnology for water purification
please someone correct me if I'm wrong but I think one can use nanoparticles, specially silver nanoparticles for water treatment.
Damian
yes that's correct
Professor
I think
Professor
what is the stm
is there industrial application of fullrenes. What is the method to prepare fullrene on large scale.?
Rafiq
industrial application...? mmm I think on the medical side as drug carrier, but you should go deeper on your research, I may be wrong
Damian
How we are making nano material?
what is a peer
What is meant by 'nano scale'?
What is STMs full form?
LITNING
scanning tunneling microscope
Sahil
how nano science is used for hydrophobicity
Santosh
Do u think that Graphene and Fullrene fiber can be used to make Air Plane body structure the lightest and strongest. Rafiq
Rafiq
what is differents between GO and RGO?
Mahi
what is simplest way to understand the applications of nano robots used to detect the cancer affected cell of human body.? How this robot is carried to required site of body cell.? what will be the carrier material and how can be detected that correct delivery of drug is done Rafiq
Rafiq
if virus is killing to make ARTIFICIAL DNA OF GRAPHENE FOR KILLED THE VIRUS .THIS IS OUR ASSUMPTION
Anam
analytical skills graphene is prepared to kill any type viruses .
Anam
what is Nano technology ?
write examples of Nano molecule?
Bob
The nanotechnology is as new science, to scale nanometric
brayan
nanotechnology is the study, desing, synthesis, manipulation and application of materials and functional systems through control of matter at nanoscale
Damian
Is there any normative that regulates the use of silver nanoparticles?
what king of growth are you checking .?
Renato
What fields keep nano created devices from performing or assimulating ? Magnetic fields ? Are do they assimilate ?
why we need to study biomolecules, molecular biology in nanotechnology?
?
Kyle
yes I'm doing my masters in nanotechnology, we are being studying all these domains as well..
why?
what school?
Kyle
biomolecules are e building blocks of every organics and inorganic materials.
Joe
anyone know any internet site where one can find nanotechnology papers?
research.net
kanaga
sciencedirect big data base
Ernesto
Introduction about quantum dots in nanotechnology
hi
Loga
what does nano mean?
nano basically means 10^(-9). nanometer is a unit to measure length.
Bharti
Got questions? Join the online conversation and get instant answers!
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 109, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9937703013420105, "perplexity": 2136.547134871003}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2020-29/segments/1593655881984.34/warc/CC-MAIN-20200703091148-20200703121148-00225.warc.gz"}
|
https://stats.stackexchange.com/questions/399089/what-do-you-call-the-coefficients-other-than-the-intercept-in-a-linear-regressio
|
# What do you call the coefficients other than the intercept in a linear regression
I'm trying to refer to the coefficients other than the intercept. Is there a word/jargon that refers to coefficients other than the intercept? (I'm currently calling them 'other coefficients', which is mildly descriptive in the context, but not ideal.)
• Some people refer to the other coefficients as "slopes". Others refer to them as "effects" or "associations", depending on the type of study. – Isabella Ghement Mar 24 at 2:26
• I call them coefficients. I call the intercept the intercept. I thought this was standard. – The Laconic Mar 24 at 2:41
• "beta coefficients" might work. I'm not sure. – Sal Mangiafico Mar 24 at 3:34
Consider the multiple linear regression model
$$y=X\beta+\varepsilon$$
Here $$y$$ is the response vector, $$X$$ is the design matrix with (say) $$p+1$$ columns (the first column in this matrix is a vector of all ones corresponding to the intercept), $$\beta=(\beta_0,\beta_1,\ldots,\beta_p)^T$$ is the vector of regression coefficients and $$\varepsilon$$ is the random error.
Without resorting to vectors, we can write the model as
$$y=\beta_0+\beta_1 x_1+\beta_2 x_2+\cdots+\beta_p x_p+\varepsilon$$
In this model with $$p$$ regressors or predictor variables, the parameters $$\beta_j,\,j=0,1,\ldots,p$$ are simply called the regression coefficients. In fact, $$\beta_j$$ represents the expected change in the response $$y$$ per unit change in $$x_j$$ when all of the remaining regressor variables $$x_i\,(i\ne j)$$ are held constant. For this reason, the parameters $$\beta_j,\,j=1,2,\ldots,p$$ are often called partial regression coefficients. The parameter $$\beta_0$$ is of course separately called the intercept.
In simple linear regression we have $$p=1$$ and the regression coefficient $$\beta_1$$ is simply called the slope.
• I am happy with anyone referring to all of them -- all the $\beta$ elements -- as coefficients. Another name for intercept is just the constant. – Nick Cox Mar 24 at 7:47
• Gradient for slope is common also. – Nick Cox Mar 24 at 8:11
• – StubbornAtom Mar 24 at 8:22
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 17, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.873126208782196, "perplexity": 602.1960509964997}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2019-18/segments/1555578531462.21/warc/CC-MAIN-20190421120136-20190421142136-00429.warc.gz"}
|
https://theorangeduck.com/page/writing-portable-opengl
|
# Writing Portable OpenGL
## Writing Portable OpenGL
So you're making a game or other graphical application with OpenGL. You've heard that OpenGL is portable and that your application will be able to run on Linux, Mac and Windows without issues. That it could even be ported to a mobile phone if you restrict your usage to OpenGL ES.
Sounds easy doesn't it? Unfortunately the opposite is true - OpenGL is far from portable. Direct X is at least portable across Microsoft products. But lets not turn this into one of those rants, because I really like OpenGL, and I feel so sorry for the poor sods roped into writing graphics drivers. We acknowledge that they have a hard job, which leaves us, unfortunately, with a hard job too.
Writing portable OpenGL is more a frame of mind than a technical challenge. You need the ability to guess what may go wrong before you have tried it, to get into the heads of those poor driver writers, predict their bugs before they appear. I can promise you will find driver with bugs, segfaults, crashes, memory leaks and undefined behavior. Your shaders wont compile on anything than your own machine and your state machine will fight itself into submission. No two computers will run your program the same. There is only one truth in OpenGL and that isn't the specification - it is the experience I will now attempt to depart upon you.
We start from the beginning:
## Error Checking
Error checking is the first step to writing portable and bug free OpenGL code. Never let errors pass silently. OpenGL provides the fairly rudimentary function glGetError to check for errors. If you can, call this after every OpenGL function. If you can't bare that idea then call it after blocks of calls, and if an error occurs then narrow down the bad function by placing checks inbetween.
OpenGL errors are very tempting to let slide because often the system will still work, displaying the correct visuals. This is just deception. It might work on your computer but for a computer somewhere else in the world, just waiting to run your application, it will be broken.
My advice is to exit hard upon error, reporting line number and errorous function. This forces you to write error free code as you go; otherwise your application will simply not get past rendering a frame.
You can find out about why certain functions call certain errors on their API webpage, but a bit of common sense helps with debugging too, as some functions can throw errors which circumstances are not listed.
OpenGL also provides glCheckFramebufferStatus to check for framebuffer errors. For shaders it provides glGetShaderiv and glGetProgramInfoLog to check for compile and link errors. Use these too!
If you let errors pass silently you may even end up with really cool effects which you can never reproduce again - like that image on the right. Do you want that?!
Never let errors pass silently, even if your application still appears to work.
ProTip: gDEBugger is an incredibly useful tool which will report OpenGL errors including some more complicated ones which pass in normal use. gDEBugger also provides essential tools for profiling and a whole bunch of other features which really let you get into the gritty details of your application. Learn to love it!
## Extensions
OpenGL extensions are fundamentally a good way to continue evolution of the standard, but they do also provide a fantastic catch 22. Any renderer worth it's weight will require some number of OpenGL extensions to perform even basic rendering. This means that often displaying an error message to the user when they lack an extension may first require those specific extensions they are missing.
Having a application which requires a certain extension to perform is also a little annoying. If a user is missing this extension they probably just can't run your program, end of story. It isn't worth the development time to formulate alternatives.
Therefore some assumptions must be made about a users hardware and drivers. It seems usually fair to assume DX9ish functionality for PCs. If more extensions are required then check if the user has the extension before attempting to use it. Display a proper error message if you can. Resist the temptation to just crash.
The OpenGL capabilities database is a great resource for finding out how widely supported an extension is. It isn't the perfect data set but works pretty well for a mid-level 3d indie game. As a general rule of thumb any mid or high end card released after a major OpenGL version should support the majority of it's features. Sometimes targeting versions can be easier than specific cards.
### Function Pointers
To use OpenGL extensions one must acquire function pointers to the appropriate functions at runtime using dynamic loading. Often people achieve this by using GLEW, but I would recommend doing it by hand.
The reasoning is that it allows you to have exact knowledge of which extensions you are using. It also allows you to display debug information when extensions fail to load.
ProTip: Many cards have extensions listed under the incorrect name. If at first you fail to find an extension make sure to try again but with EXT or ARB on the end. E.G: glGenShaders if not found look for glGenShadersEXT if not found look for glGenShadersARB if not found report completely missing.
ProTip: Extension pointers must be grabbed within the OpenGL context which uses them. If you switch or create a new context remember to reload them - or if you are working with two contexts at once, ensure they are not stored statically.
### OS X
On OS X you may have trouble finding some of the common/important/modern extensions used with earlier versions of OpenGL. Apple have decided not to support many of these inside an OpenGL 2.1 context in an attempt to get more people to migrate toward later versions of OpenGL (3.2+).
What this means for you is that you are probably stuck between a rock and a hard place. Either consider dropping those unsupported extensions or upgrading wholesale to a newer version of OpenGL (potentially reducing your user base on the other side). The correct decision depends on your target audience. And if all this talk about versions is just confusing you then...good luck.
## State Machine
It can be tempting to be very relaxed about the OpenGL state machine. For example "Obviously I will want depth testing in my application so I'll just glEnable(GL_DEPTH_TEST) at the start and forget about it".
While a single assumption like this may not be trouble, once they stack up it will come to bite you. Please don't take this approach. Always reset the state machine to some known state (I suggest the default state) once you have finished using it. Always match glEnable with glDisable and remember to unbind textures, buffers and shaders when you are done with them.
This is the only way to stay sane while using the state machine. Leaving lingering state will quickly lead to weird errors and unintended behaviour with no clear source. The driver writers can't account for every operation working in every possible state of the machine so often operations will crash when in the incorrect state rather than showing errors.
Treat the state machine like you would malloc and free, always try to ensure you know what state it is in for every line of the program.
## Fixed Function
Don't mix shaders and fixed function.
If you require shaders in your application change all your code to use them correctly. Yes that even means removing all calls to glMatrixMode and passing in your view and projection matricies via uniforms. It means removing calls to glVertexPointer and using attributes instead. It means disabling lighting and doing all the lighting calculations in your shader. It means doing this for the UI too, not just the main viewport!
Other than the fact that using shaders and fixed function lighting is obviously incompatible, there are two very good other reasons for doing this.
The first is stylistic. Ensuring that all rendering is done using shaders, with uniforms and attributes means that your code is neater and conceptually cleaner. Having different functions for texture coordinates and position data makes assumptions about how to use your shaders which aren't needed. Programmable pipeline is just that - it should only make the minimum assumptions about how to be programmed.
The second is that OpenGL ES, OpenGL 3.0, 4.0 and any future OpenGL development does and will embrace programmable pipeline and is slowly fading out fixed-function. This means using programmable pipeline makes your code portable to new platforms and future proofs it against new standards and developments. Remeber that small neat code is portable code.
Shaders are the single biggest headache when it comes to writing portable OpenGL. They are flawed from the ground up and so writing portable shaders is a constant and ongoing struggle. The issue is that shaders are compiled from a high level C type language (GLSL) by every computer running the application, at runtime, every time. Unlike DirectX, which uses low level compiled bytecode, OpenGL programs must distribute the C like shader files.
What this means is that shaders can compile vastly differently on different machines. Some compilers consider some things errors which others consider warnings. Some compilers support different features or specifics. There is no real way to verify or Lint your shaders to be confident they will compile.
Different compilers will also perform different optimisations (many not very well). This makes relying on some optimisations like loop unrolling and constant propagation dodgy. Not a good thing when certain operations are only valid on some cards whence a loop has been unrolled (like texture sampling).
The icing on the cake are the numerous bugs across various compilers (how much easier it would have been for the shader writers if they had just had to parse bytecode). All together this creates a mindfield of operations which can cause shaders not to compile on certain platforms.
The best way to solve this problem unfortunatly appears to be to try and limit your shaders to a subset of GLSL without any known issues. This subset is so small that it cannot always be used, so all we provide are things to beware of. Please contact me if you have more.
### Use Versions
The first thing you might want to do is put #version 120 (or some other version) at the top of your shader file. Different OpenGL versions have quite extreme different syntax and semantics for shaders. The default feature set for a compiler is broad and varied. Putting some shader version at least gives you a chance of portability. This is much like declaring a standard for your C compilation. Target the minimum version which covers your required feature set and try to target the same version for all of your shaders.
### Beware of Looping
It is hard to predict if the compiler will unroll loops. In general if you are doing less than 10 iterations it might be best to unroll by hand. Basic loops usually work okay, but texture sampling and indexing into data arrays can cause trouble. Putting function calls inside loops can also be troublesome as it increases the unlikelihood that the function will be inlined and/or the loop unrolled.
### Beware Ternary Operator
The ternary operator (a = b ? x : y) has a number of known bugs on ATI drivers. In many cases it will cause incorrect behaviour or crash the compiler. Avoid it and just write the same logic with an if statement.
### Beware of Functions
Compilers will often not inline functions. If you can, inline them yourself. If hand inlining is not viable ensure they are as basic as possible and don't contain loops, texture loopups or other things that can cause issues. If this is still unavoidable then cross your fingers.
One of the cool ideas behind GLSL was that you could write mutiple source files and link them together after compilation, somewhat akin to C objects. This would allow for the creation of shader libraries, or common code in one location.
While this is quite a cool idea, and something DirectX is missing, unfortunately I've found many ATI cards will simply crash if you try to link together more than one vertex or fragment shader.
Although a nice feature, it just isn't usable when writing portable code, and that makes me sad.
### Beware "const"
When defining constants I've come now to use #define. Constants defined using the preprocessor have a much better chance of propagation, meaning your shaders will run faster and you may manage to avoid expensive conditionals and looping.
### Beware Complexity
Although its rare to encounter a card these days with an instruction limit, I have had compilers complain at shaders using too many instructions or being too complex in some way. Just be reasonable with your requirements. Don't use hundreds of uniforms or texture samplers, don't loop for a thousand iterations, you should be okay.
### Beware of Nvidia
The Nvidia compiles are famous for being much more relaxed than ATI compilers and will often let slide things which are either invalid under ATI or even invalid under the spec. One classic example is float x = 1.0f; compared to float x = 1.0;. The first will compile on Nvidia cards but almost always throws errors on ATI cards. For reference the second version is correct.
### Beware of Arrays
On some cards and operating systems arrays are broken. On Snow Leopard trying to declare them simply throws a compiler error. But many other cards have issues indexing into them, in particular combined with the many times aforementioned loop unrolling.
### Beware of OpenGL ES
OpenGL ES has a separate shader specification to the standard one. This means lots of features of version 120 may not be available, and there are some other loops to jump through such as precision specifiers.
## Oddities
Just don't call it. This function can basically be considered undefined behaviour on ATI cards. Mostly it simply doesn't work, filling the texture with black, but I've also seen it crash the program, crash the drivers or even crash the GPU. People online will suggest that you must first call glEnable(GL_TEXTURE2D) or other tricks, but the truth is this function simply will never work on a bunch of machines. Preprocess your MipMaps or emulate the behaviour with render to texture and shaders. Don't call this function!
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.1807912290096283, "perplexity": 1887.1823102356386}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-49/segments/1637964363290.39/warc/CC-MAIN-20211206042636-20211206072636-00548.warc.gz"}
|
https://www.vedantu.com/physics/charge-density-formula
|
Courses
Courses for Kids
Free study material
Free LIVE classes
More
# Charge Density Formula
## What is Charge Density?
Last updated date: 25th Mar 2023
Total views: 248.7k
Views today: 2.26k
The measure of electric charge accumulated in a particular field is called charge density. We can determine it in terms of volume, area, or length. We can divide the charge density formula into three types depending on its nature: (i) Linear (ii) charge density ( λ ) (iii) Surface charge density ( σ ) (iv) Volume charge density ( ρ ). Volume charge density is the quantity of charge per unit volume. Charge density measures the electric charge per unit measurement of the space. The space of measurement may be one, two, or three dimensional. Like mass density, charge density also varies with position. Thus, it can be positive or negative.
### What is Linear Charge Density?
The quantity of charge per unit length, measured in coulombs per meter (cm−1), at any point on a line charge distribution, is called linear charge density (λ).
Suppose q is the charge and l is the length over which it flows, then the formula of linear charge density is λ= q/l, and the S.I. unit of linear charge density is coulombs per meter (cm−1).
Example:
Q. A 50cm long thin rod has a total charge of 5mC uniformly distributed over it. What is the linear charge density?
Solution: q = 5 mC
= 5 × 10-3 C
l = 50 cm = 0.5 m
We have to find λ.
We know,
λ = q / l
= 5 × 10-3 / 0.5
= 10-2 c⋅m−1
### What is Surface Charge Density?
The quantity of charge per unit area, measured in coulombs per square meter (Cm−2), at any point on a two-dimensional surface, is called the surface charge density(σ).
Suppose q is the charge and a is the area of the surface over which it flows, then the formula of surface charge density is σ = q/A, and the S.I. unit of surface charge density is coulombs per square meter (cm−2).
Example:
Q. A sphere has a charge of 12 C and radius 9 cm. Calculate the linear charge density?
Solution: Given,
Charge q = 12 C,
The surface charge density formula is given by,
σ = q / A
A=4 π r2
A = 4 π (0.09)2
A = 0.1017 m2
Surface charge density, σ = q / A
σ = 12 / 0.1017
= 117.994
Therefore, σ = 117.994 cm−2
### What is Volume Charge Density?
The quantity of charge per unit volume, at any point in a three-dimensional body, is called volume charge density(ρ).
Suppose q is the charge and V is the volume over which it flows, then the formula of volume charge density is ρ = q / V and the S.I. unit of volume charge density is coulombs per cubic meter (C⋅m−3)
Example
Q.A sphere of radius 1.85 cm has a charge of -260e spread through the volume uniformly. The sphere has a volume charge density of?
Solution: We are given,
The charge in the sphere, Q=−260e
The radius of the sphere, r=1.85cm
If Q is the total charge distributed over a volume V, then the volume charge density is given by the equation:
ρ= Q/V
The volume of a sphere:
V= 4/3πr3
The volume charge density of the sphere is:
ρ = Q / (4/3)πr3
=−260e×3 / 4π(1.85cm)3
=−9.8ecm−3
### Solved Examples
1: Calculate the Charge Density of an Electric Field When a Charge of 6 C / m is Flowing through a Cube of Volume 3 m3.
Solution: Given the parameters are as follows,
Electric Charge, q = 6 C / m
Volume of the cube, V = 3 m3
The volume charge density formula is:
ρ = q / V
ρ =6 / 3
Charge density for volume ρ = 2C per m3.
2: Find the Volume Charge Density if the Charge of 10 C is Applied Across the Area of 2m3.
Solution: Given,
Charge q = 10 C
Volume v = 2 m3.
The volume charge density formula is,
ρ = q / v
ρ = 10C / 2m3
ρ = 5C/m3
## FAQs on Charge Density Formula
1. What are the Applications of Charge Density?
The various kinds of applications of charge density are given as follows:
• It appears in the continuity equation for electric current and also appears in Maxwell's equations.
• According to the electromagnetic field's principal source term, when the charge distribution moves, this corresponds to a current density.
• The charge density of molecules affects both the chemical and separation parts of any process. It influences both metal-metal bonding and hydrogen bonding.
• The charge density of ions influences their rejection by the membrane in processes such as nanofiltration.
• Charge density, along with current density, is used in the concept of special relativity.
2. What is the Formula of Charge Density?
Charge density can be measured in terms of length, area, or volume depending on the body's dimension. It is of three types, as follows:
1. The quantity of charge per unit length, measured in coulombs per meter (Cm⁻¹), at any point on a line charge distribution, is called linear charge density ( λ ).
The formula of linear charge density is λ=q/l, such that q is the charge and l is the length of the body over which the charge is distributed.
2. The quantity of charge per unit area, measured in coulombs per square meter (Cm⁻²), at any point on a two-dimensional surface is called the surface charge density(σ).
The formula of surface charge density is σ=q/A, such that q is the charge and A is the area of the surface over which it flows.
3. The quantity of charge per unit volume, at any point in a three-dimensional body is called volume charge density ( ρ ).
The formula of volume charge density is ρ=q/v, such that q is the charge and v is the volume of the body over which it flows.
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9973332285881042, "perplexity": 841.1730738252307}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2023-14/segments/1679296948620.60/warc/CC-MAIN-20230327092225-20230327122225-00144.warc.gz"}
|
http://std.iec.ch/iev/iev.nsf/17127c61f2426ed8c1257cb5003c9bec/8cc05bdb00a7099ac1257245003c75f5?OpenDocument
|
IEVref: 705-02-18 ID: Language: en Status: Standard Term: direction of propagation (of energy) Synonym1: Synonym2: Synonym3: Symbol: Definition: the time average direction of the flow of energy of an electromagnetic wave NOTE 1 – With certain reservations, the direction of propagation of energy is that of the time average of the Poynting vector. NOTE 2 – The direction of propagation of energy of an electromagnetic wave may differ from the direction of propagation of the wave. In practice, if the medium is not too absorbent, nor too anisotropic, nor too dispersive, the direction of propagation of energy is identical to the direction of the group velocity vector. Publication date: 1995-09 Source: Replaces: Internal notes: CO remarks: TC/SC remarks: VT remarks: Domain1: Domain2: Domain3: Domain4: Domain5:
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9516844749450684, "perplexity": 1805.0937223896092}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": false}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2020-50/segments/1606141706569.64/warc/CC-MAIN-20201202083021-20201202113021-00305.warc.gz"}
|
https://infoscience.epfl.ch/record/118551
|
Infoscience
Conference paper
# Lower Bounds on the Rate-Distortion Function of Individual LDGM Codes
We consider lossy compression of a binary symmetric source by means of a low-density generator-matrix code. We derive two lower bounds on the rate distortion function which are valid for any low-density generator-matrix code with a given node degree distribution L(x) on the set of generators and for any encoding algorithm. These bounds show that, due to the sparseness of the code, the performance is strictly bounded away from the Shannon rate-distortion function. In this sense, our bounds represent a natural generalization of Gallager's bound on the maximum rate at which low-density parity-check codes can be used for reliable transmission. Our bounds are similar in spirit to the technique recently developed by Dimakis, Wainwright, and Ramchandran, but they apply to individual codes.
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.875857412815094, "perplexity": 405.1816085989375}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2017-09/segments/1487501170613.8/warc/CC-MAIN-20170219104610-00458-ip-10-171-10-108.ec2.internal.warc.gz"}
|
https://www.mech.kth.se/mech/info_article.jsp;jsessionid=F8E092BDD60B9497831370AA6CABF01F?ArticleID=1730&l=sv
|
Mekanik Om institutionen Personal Forskning Kurser Seminarier Lediga tjänster Examensarbeten Forskningscentra Intranet
# Artikel
## Streamwise evolution of longitudinal vortices in a turbulent boundary layer
Författare: Lögdberg, O., Fransson, J. H. M., Alfredsson, P.H. Artikel Publicerad J. Fluid Mech. 623 27-58 2009
### Abstract
In this experimental study both smoke visualisation and three component hot-wire measurements have been performed in order to characterize the streamwise evolution of longitudinal counter-rotating vortices in a turbulent boundary layer. The vortices were generated by means of vortex generators in different configurations. Both single pairs and arrays in a natural setting as well as in yaw have been considered. Moreover three different vortex blade heights $h$, with the spacing $d$ and the distance to the neighbouring vortex pair $D$ for the array configuration, were studied keeping the same $d/h$ and $D/h$ ratios. It is shown that the vortex core paths scale with $h$ in the streamwise direction and with $D$ and $h$ in the spanwise and wall-normal directions, respectively. A new peculiar {\emph{hook-like}} vortex core motion, seen in the cross flow plane, has been identified in the far region starting around $200h$ and $50h$ for the pair and the array configuration, respectively. This behaviour is explained in the paper. Furthermore the experimental data indicate that the vortex paths asymptote to a prescribed location in the cross flow plane, which first was stated as a hypothesis and later verified. This observation goes against previously reported numerical results based on inviscid theory. An account for the important viscous effects is taken in a pseudo-viscous vortex model which is able to capture the streamwise core evolution throughout the measurement region down to $450h$. Finally, the effect of yawing is reported and it is shown that spanwise averaged quantities such as the shape factor and the circulation is hardly perceptible. However, the evolution of the vortex cores are different both between the pair and the array configuration as well as in the natural setting versus the case with yaw. From a general point of view the present paper report on fundamental results concerning the vortex evolution in a fully developed turbulent boundary layer.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8111542463302612, "perplexity": 1134.6238092719154}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-49/segments/1637964363336.93/warc/CC-MAIN-20211207045002-20211207075002-00075.warc.gz"}
|
https://link.springer.com/article/10.1007/s11548-015-1159-4
|
# Articulated minimally invasive surgical instrument based on compliant mechanism
• Jumpei Arata
• Shinya Kogiso
• Masamichi Sakaguchi
• Susumu Oguri
• Munenori Uemura
• Cho Byunghyun
• Tomohiko Akahoshi
• Tetsuo Ikeda
• Makoto Hashizume
Original Article
## Abstract
### Purpose
In minimally invasive surgery, instruments are inserted from the exterior of the patient’s body into the surgical field inside the body through the minimum incision, resulting in limited visibility, accessibility, and dexterity. To address this problem, surgical instruments with articulated joints and multiple degrees of freedom have been developed. The articulations in currently available surgical instruments use mainly wire or link mechanisms. These mechanisms are generally robust and reliable, but the miniaturization of the mechanical parts required often results in problems with size, weight, durability, mechanical play, sterilization, and assembly costs.
### Methods
We thus introduced a compliant mechanism to a laparoscopic surgical instrument with multiple degrees of freedom at the tip. To show the feasibility of the concept, we developed a prototype with two degrees of freedom articulated surgical instruments that can perform the grasping and bending movements. The developed prototype is roughly the same size of the conventional laparoscopic instrument, within the diameter of 4 mm. The elastic parts were fabricated by Ni-Ti alloy and SK-85M, rigid parts ware fabricated by stainless steel, covered by 3D- printed ABS resin. The prototype was designed using iterative finite element method analysis, and has a minimal number of mechanical parts.
### Results
The prototype showed hysteresis in grasping movement presumably due to the friction; however, the prototype showed promising mechanical characteristics and was fully functional in two degrees of freedom. In addition, the prototype was capable to exert over 15 N grasping that is sufficient for the general laparoscopic procedure. The evaluation tests thus positively showed the concept of the proposed mechanism.
### Conclusion
The prototype showed promising characteristics in the given mechanical evaluation experiments. Use of a compliant mechanism such as in our prototype may contribute to the advancement of surgical instruments in terms of simplicity, size, weight, dexterity, and affordability.
## Keywords
Minimally invasive surgery Articulated surgical instrument Compliant mechanism Robotic surgery
## References
1. 1.
2. 2.
3. 3.
4. 4.
Miniati R, Dori F, Cecconi G, Frosini F, Sacca F, Gentili BG, Petrucci F, Franchi S, Gusinu R (2014) Hospital based economic assessment of robotic surgery. IFMBE Proc 41:1144–1146
5. 5.
6. 6.
Romanelli JR, Earle DB (2009) Single-port laparoscopic surgery: an overview. Surg Endosc 23:1419–1427
7. 7.
Tacchino R, Greco F, Matera D (2009) Single-incision laparoscopic cholecystectomy: surgery without a visible scar. Surg Endosc 23:896–899
8. 8.
9. 9.
10. 10.
Stammberger H, Posawetz W (1990) Functional endoscopic sinus surgery. Eur Arch Otohinolaryngol 247:63–76Google Scholar
11. 11.
Jho HD (1999) Endoscopic pituitary surgery. Pituitary 2:139–154
12. 12.
13. 13.
14. 14.
15. 15.
Lim JJB, Erdman AG (2003) A review of mechanism used in laparoscopic surgical instruments. Mech Mach Theory 38:1133–1147
16. 16.
Howell LL (2001) Compliant mechanisms. Wiley-Interscience. ISBN 978-0-471-38478-6Google Scholar
17. 17.
Smith ST (2000) Flexures elements of elastic mechanisms. CRC Press. ISBN 90-5699-261-9Google Scholar
18. 18.
Lobontiu N (2002) Compliant mechanisms. CRC Press. ISBN 978-0-8493-1367-7Google Scholar
19. 19.
Lange D, Langelaar MN, Herder JL (2008) Towards the design of a statically balanced compliant laparoscopic grasper using topology optimization. In: Proceedings of ASME 2008 international design engineering technical conferences and computers and information in engineering conference (IDETC/CIE2008), pp 293–305Google Scholar
20. 20.
Sato R, Nokata M (2011) Development of one part grasping forceps for vascular catheter. J JSCAS 13(3):300–301 (in Japanese)Google Scholar
21. 21.
Arata J, Saito Y, Fujimoto H (2010) Outer shell type 2 DOF bending manipulator using spring-link mechanism for medical applications. In: Proceedings of international conference robotics and automation, pp 1041–1046Google Scholar
22. 22.
Arata J, Kogiso S (2013) Monolithically designed minimally invasive surgical tool using compliant mechanism. Int J CARS Suppl 1:S369–371Google Scholar
23. 23.
Arata J, Kogiso S, Sakaguchi M, Nakadate R, Oguri S, Uemura M, Cho B, Akahoshi T, Ikeda T, Hashizume M (2014) Articulated minimally invasive surgical tool for laparoscopy based on compliant mechanism. Int J CARS 9(Suppl 1):S183–184Google Scholar
24. 24.
25. 25.
Tolou N, Herder JL (2008) Towards the design of a statically balanced compliant laparoscopic grasper using topology optimization. In: International design engineering technical conference and computers and information in engineering conference, pp 1–13Google Scholar
26. 26.
Kozuka H, Arata J, Okuda K, Onaga A, Ohno M, Sano A, Fujimoto H (2012) Compliant-parallel mechanism for high precision machine with a wide range of working area. In: Proceedings of international conference on intelligent robots and systems, pp 2519–2524Google Scholar
## Authors and Affiliations
• Jumpei Arata
• 1
• Shinya Kogiso
• 3
• Masamichi Sakaguchi
• 3
• 2
• Susumu Oguri
• 4
• Munenori Uemura
• 4
• Cho Byunghyun
• 4
• Tomohiko Akahoshi
• 4
• Tetsuo Ikeda
• 4
• Makoto Hashizume
• 2
1. 1.Department of Mechanical Engineering, Faculty of EngineeringKyushu UniversityFukuokaJapan
2. 2.Center for Advanced Medical InnovationKyushu UniversityFukuokaJapan
3. 3.Department of Engineering Physics, Electronics and MechanicsNagoya Institute of TechnologyNagoyaJapan
4. 4.Department of Advanced Medical Initiatives, Faculty of Medical SciencesKyushu UniversityFukuokaJapan
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.807188868522644, "perplexity": 29707.75769632276}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2018-13/segments/1521257649931.17/warc/CC-MAIN-20180324054204-20180324074204-00634.warc.gz"}
|
https://quantiki.org/journal-articles/all?page=3
|
# All
## Bayesian ACRONYM Tuning. (arXiv:1902.05940v1 [quant-ph])
We provide an algorithm that uses Bayesian randomized benchmarking in concert
with a local optimizer, such as SPSA, to find a set of controls that optimizes
that average gate fidelity. We call this method Bayesian ACRONYM tuning as a
reference to the analogous ACRONYM tuning algorithm. Bayesian ACRONYM
distinguishes itself in its ability to retain prior information from
experiments that use nearby control parameters; whereas traditional ACRONYM
tuning does not use such information and can require many more measurements as
## Coherent coupling of single molecules to on-chip ring resonators. (arXiv:1902.05257v2 [physics.app-ph] UPDATED)
We report on cryogenic coupling of organic molecules to ring microresonators
obtained by looping sub-wavelength waveguides (nanoguides). We discuss
fabrication and characterization of the chip-based nanophotonic elements which
yield resonator finesse in the order of 20 when covered by molecular crystals.
Our observed extinction dips from single molecules reach 22%, consistent with
the expected Purcell enhancements up to 11 folds. Future efforts will aim at
## Long-distance entangling gates between quantum dot spins mediated by a superconducting resonator. (arXiv:1902.05704v1 [quant-ph])
Recent experimental work with silicon qubits has shown that it is possible,
using an inhomogeneous magnetic field, to strongly couple modes of a microwave
resonator to the spin of a single electron trapped in a double quantum dot.
This suggests the possibility of realizing long-range spin-spin interactions
mediated by cavity photons. We present our theoretical calculation of effective
interactions between distant quantum dot spins coupled by a resonator, and
## Classical causal models for Bell and Kochen-Specker inequality violations require fine-tuning. (arXiv:1705.05961v3 [quant-ph] UPDATED)
Nonlocality and contextuality are at the root of conceptual puzzles in
quantum mechanics, and are key resources for quantum advantage in
information-processing tasks. Bell nonlocality is best understood as the
incompatibility between quantum correlations and the classical theory of
causality, applied to relativistic causal structure. Contextuality, on the
other hand, is on a more controversial foundation. In this work, I provide a
common conceptual ground between nonlocality and contextuality as violations of
## Hydrogen in a cavity. (arXiv:1902.05355v2 [physics.atom-ph] UPDATED)
The system of a proton and an electron in an inert and impenetrable spherical
cavity is studied by solving Schr\"{o}dinger equation with the correct boundary
conditions. The differential equation of a hydrogen atom in a cavity is
derived. The numerical results are obtained with the help a power and efficient
few-body method, Gaussian Expansion Method. The results show that the correct
implantation of the boundary condition is crucial for the energy spectrum of
hydrogen in a small cavity.
## Enhancement of coherent dipole coupling between two atoms via squeezing a cavity mode. (arXiv:1902.05751v1 [quant-ph])
We propose a theoretical method to enhance the coherent dipole coupling
between two atoms in an optical cavity via parametrically squeezing the cavity
mode. In the present scheme, conditions for coherent coupling are derived in
detail and diverse dynamics of the system can be obtained by regulating system
parameters. In the presence of environmental noise, an auxiliary squeezed field
is employed to suppress, and even completely eliminate the additional noise
## Magnon-photon coupling in a non-collinear magnetic insulator Cu$_2$OSeO$_3$. (arXiv:1802.07113v3 [cond-mat.mes-hall] UPDATED)
Anticrossing behavior between magnons in a non-collinear chiral magnet
Cu$_2$OSeO$_3$ and a two-mode X-band microwave resonator was studied in the
temperature range 5-100K. In the field-induced ferrimagnetic phase, we observed
a strong coupling regime between magnons and two microwave cavity modes with a
cooperativity reaching 3600. In the conical phase, cavity modes are
dispersively coupled to a fundamental helimagnon mode, and we demonstrate that
the magnetic phase diagram of Cu$_2$OSeO$_3$ can be reconstructed from the
## Everett's Missing Postulate and the Born Rule. (arXiv:1902.05521v2 [quant-ph] UPDATED)
Everett's Relative State Interpretation (aka Many Worlds Interpretation) has
gained increasing interest due to the progress understanding the role of
decoherence. In order to fulfill its promise as a realistic description of the
physical world, two postulates are formulated. In short they are 1) for a
system with continuous coordinates $\mathbf x$, discrete variable $j$, and
state $\psi_j(\mathbf x)$, the density $\rho_j(\mathbf x)=|\psi_j(\mathbf x)|^2$ gives the distribution of the location of the system with the respect to
## Optomechanical cooling and self-trapping of low field seeking point-like particles. (arXiv:1902.05755v1 [quant-ph])
Atoms in spatially dependent light fields are attracted to local intensity
maxima or minima depending on the sign of the frequency difference between the
light and the atomic resonance. For light fields confined in open high-Q
optical resonators the backaction of the atoms onto the light field generates
dissipative dynamic opto-mechanical potentials, which can be used to cool and
trap the atoms. Extending the conventional case of high field seekers to the
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.7755287885665894, "perplexity": 4590.189413224852}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2019-09/segments/1550247503844.68/warc/CC-MAIN-20190221091728-20190221113728-00570.warc.gz"}
|
https://forum.allaboutcircuits.com/threads/fourier-transform.116619/
|
# Fourier Transform
Joined May 19, 2013
214
In a book the Fourier transform is defined like this. Let g(t) be a nonperiodic deterministic signal... and then the integrals are presented.
So, I understand that the signal must be deterministic and not random. But why it has to be nonperiodic (aperiodic).
The sin function is periodic and we can calculate its Fourier transform.
Is it because a nonperiodic signal is absolutely integrable?
And with the sin function. Yes, I can calculate. But deltas appear.
#### WBahn
Joined Mar 31, 2012
26,398
A non-periodic signal doesn't have to be absolutely integrable -- consider f(t) = At, for instance.
If g(t) IS absolutely integrable, then it's Fourier transform exists because this is a sufficient condition. However, it is not a necessary condition.
Periodic signals, except the trivial case of f(t) = 0, are not absolutely integrable and, hence, do not satisfy the sufficient condition and, hence, the Fourier transform is not guaranteed to exist -- but it may. By introducing special functions, such as the Dirac delta function, we can express the Fourier transforms of many functions that are not absolutely integrable in a useful and meaningful way.
Joined May 19, 2013
214
Ok. I understand. Thanks for the answer.
Also. When deriving the Fourier transform from the Fourier series, we have a finite-length signal and repeat it multiple times over the time axis. And then expand it into a Fourier series. And then calculations. And then we get the Fourier transform.
So the Fourier transform is for finite-length signals.
The fact that we can calculate Fourier transforms for periodic signals or signals like the unit step is because we involve deltas functions there. Like you said.
But what about the decaying exponential? Its Fourier transform does not involve deltas and it is not of finite length.
How can this decaying exponential be viewed as a finite-length signal that gets repeated multiple times over the time axis. Its period is infinite.
So my question. How does one attach a Fourier transform to such decaying exponential? It could be the fact that for such signals we actually have other derivation of the Fourier transform but we haven't found it yet?
We derived the Fourier transform for finite-length signals and with it we just calculated the Fourier transform for decaying exponential?
Or one can think of having multiple infinities into one infinite. So we have that notion that some infinities are bigger than others?
#### WBahn
Joined Mar 31, 2012
26,398
Ok. I understand. Thanks for the answer.
Also. When deriving the Fourier transform from the Fourier series, we have a finite-length signal and repeat it multiple times over the time axis. And then expand it into a Fourier series. And then calculations. And then we get the Fourier transform.
So the Fourier transform is for finite-length signals.
The fact that we can calculate Fourier transforms for periodic signals or signals like the unit step is because we involve deltas functions there. Like you said.
But what about the decaying exponential? Its Fourier transform does not involve deltas and it is not of finite length.
How can this decaying exponential be viewed as a finite-length signal that gets repeated multiple times over the time axis. Its period is infinite.
So my question. How does one attach a Fourier transform to such decaying exponential? It could be the fact that for such signals we actually have other derivation of the Fourier transform but we haven't found it yet?
We derived the Fourier transform for finite-length signals and with it we just calculated the Fourier transform for decaying exponential?
Or one can think of having multiple infinities into one infinite. So we have that notion that some infinities are bigger than others?
Go back to your first post where you talked about g(t) being a deterministic nonperiodic signal.
Is a decaying exponential absolutely integrable?
If so, then the Fourier transform exists because that is a sufficient condition for existence.
Joined May 19, 2013
214
I understand. Once we find the Fourier transform formula, we can see that a sufficient condition for it to exist is that the signal is absolutely integrable.
But to find the Fourier transform, first, we must go through the derivation.
And the derivation of the Fourier transform is based on repeating this decaying exponential (which has infinite duration) on the time axis, so that we obtain a periodic signal that we can expand into a Fourier series. But this periodic signal has an infinite period.
How does one obtains a periodic signal from a superposition of infinite-length signals? One can obtain such periodic signal from a superposition of finite-length signals, but infinite-length?
#### WBahn
Joined Mar 31, 2012
26,398
The derivation of the Fourier transform equations involves math that you haven't seen yet. What you are seeing at the level you are at is basically a layman's rationale to justify going from a periodic to an aperiodic signal. A similar thing happens with the Laplace transform, except it is even more obscure. Once you get past Diffy-Q and take a course in Math Physics or Complex Variables, you will get to see the actual derivation of both.
Joined May 19, 2013
214
Can I find somewhere the actual derivation?
I took a course in complex analysis.
The derivation involves the complex exponential Fourier series of the signal. And then they take the limit. They make the frequency go to zero. And the Fourier transform pops up.
Last edited:
#### WBahn
Joined Mar 31, 2012
26,398
It's been a couple decades since I went through it, so I might be getting some things mixed up. But IIRC, the derivation of the Laplace transform (of which the Fourier transform is a special case) involves contour integration.
You can probably find plenty of references if you Google "derivation of Laplace transform".
Joined May 19, 2013
214
I can't find any on Google.
Even in the math textbook that I had when taking the complex analysis course, the Laplace transform was only defined and then properties were given. But no derivation.
Thanks anyway.
#### WBahn
Joined Mar 31, 2012
26,398
You might look in the Math Physics text by Butkov (sp?). I think that was the text we used when I went through it.
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.9599719047546387, "perplexity": 503.7409891318753}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 20, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-39/segments/1631780057598.98/warc/CC-MAIN-20210925052020-20210925082020-00281.warc.gz"}
|
http://gmatclub.com/forum/kaplan-classroom-course-is-it-really-worth-all-that-money-20636.html
|
Find all School-related info fast with the new School-Specific MBA Forum
It is currently 28 Aug 2015, 02:09
### GMAT Club Daily Prep
#### Thank you for using the timer - this advanced tool can estimate your performance and suggest more practice questions. We have subscribed you to Daily Prep Questions via email.
Customized
for You
we will pick new questions that match your level based on your Timer History
Track
every week, we’ll send you an estimated GMAT score based on your performance
Practice
Pays
we will pick new questions that match your level based on your Timer History
# Events & Promotions
###### Events & Promotions in June
Open Detailed Calendar
# Kaplan Classroom Course: Is it really worth all that money??
Question banks Downloads My Bookmarks Reviews Important topics
Author Message
Current Student
Joined: 29 Jan 2005
Posts: 5240
Followers: 23
Kudos [?]: 207 [1] , given: 0
Kaplan Classroom Course: Is it really worth all that money?? [#permalink] 01 Oct 2005, 04:23
1
KUDOS
With all the hype about how Kaplan is the apotheosis of test prep, I recently forked out the cash for their classroom based course and have mixed reactions about the effectiveness of such service. Just curious if anybody else shares the same opinion....
Sure their textbooks provide extra practice, and easy to understand explanations, but is it really worth the $1400 for just eight classes?? First of all, my Kaplan teacher did not show up for the first two classes. He simply forgot he was teaching on those nights. So we were asked to agree on a makeup lesson, which really threw a cog in the wheel for those of us who were working and/or had other committments. To add insult to injury, when the teacher finally did come, (he also happened to be a GRE and LSAT teacher) he frequently confused the subject matter that he was teaching. It was so frustrating getting responses like "let me get back to you on that", which by the way he never did. It was the details that we were interested in, and yet he just flat out froze up when confronted with questions like "Which comes first in the AWA, the Argument or Issue essay?" Or, when asked to explain the negation strategy for CR. Or even how to attack boldfaced questions. I am not totally dissing Kaplan, but frankly they charge way too much for both a lack of specialization and limited services (no advanced PS or DS).$1400 for eight classes (the first class is a diagnostic paper test) boils down to about $180 per three hour session. One would expect to receive keen insight which can not be simply read in the answer explanations, but instead the insructor did just that- SIMPLY READ THE ANSWER EXPLANATIONS. I have paid a fraction of the price at a community college for much more difficult courses and received far better value for money. Essentially, IMHO Kaplan is milking off it`s research from a decade or so ago, not keeping pace with recent additions and changes to the test. True, the GMAT is standardized but it is and will continue to evolve (hence the experimental questions). Their course uses age old strategies and tips that one can easily obtain by actively reading a$25 textbook. Furthermore, Kaplan seems to prepare students for the 550-650 range, obviously subpar for the course of the big leagues.
The problems in this forum are of much better quality and appropriateness, not to mention sourced from a variety of test prep materials (including Kaplan) for FREE!!
Kaplan GMAT Prep Discount Codes Knewton GMAT Discount Codes Manhattan GMAT Discount Codes
Kaplan Classroom Course: Is it really worth all that money?? [#permalink] 01 Oct 2005, 04:23
Similar topics Replies Last post
Similar
Topics:
2 GMAT Prep Course Worth the Money? Manhattan GMAT or Veritas? 1 05 Mar 2013, 22:30
Do you think the Kaplan course is worth the money? 4 05 Jul 2007, 20:09
Is the Kaplan course worth the money? 2 05 Jul 2007, 17:42
WHICH CLASSROOM COURSE IS BETTER 2 03 May 2006, 09:58
Kaplan, Princeton, or Testmasters Classroom Course 0 08 Sep 2005, 22:15
Display posts from previous: Sort by
# Kaplan Classroom Course: Is it really worth all that money??
Question banks Downloads My Bookmarks Reviews Important topics
Moderators: bagdbmba, WaterFlowsUp
Powered by phpBB © phpBB Group and phpBB SEO Kindly note that the GMAT® test is a registered trademark of the Graduate Management Admission Council®, and this site has neither been reviewed nor endorsed by GMAC®.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.23553648591041565, "perplexity": 11542.185776218013}, "config": {"markdown_headings": true, "markdown_code": false, "boilerplate_config": {"ratio_threshold": 0.3, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-35/segments/1440644062760.2/warc/CC-MAIN-20150827025422-00349-ip-10-171-96-226.ec2.internal.warc.gz"}
|
http://mathhelpforum.com/number-theory/155264-showing-gaussian-intergers-euclidean-domain-under-certain-mapping-print.html
|
# Showing the Gaussian Intergers are a euclidean domain under a certain mapping
$e(a+bi) = \lfloor log_2(a^2+b^2)\rfloor$
I was trying to use the fact that $e(a+bi) = a^2+b^2$ is a valid mapping while considering the Gaussian integers as a Euclidean Domain, but have essentially ended up nowhere.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 2, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.7989950180053711, "perplexity": 219.86621915605292}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-22/segments/1432207928817.29/warc/CC-MAIN-20150521113208-00285-ip-10-180-206-219.ec2.internal.warc.gz"}
|
https://kmhalpern.com/2019/10/
|
PACE Sample Chapter
The following is a sample chapter from my book PACE.
Captain Alex Konarski gazed through the porthole window at the blue mass below. It looked the same as it had for the last nine years. When first informed of the Front, he had half-expected to see a pestilential wall of grey or a glowing force field or some other tell-tale sign. Instead there was nothing, just the same globe that always was there. The same boring old globe.
Konarski remembered the precise time it had taken for her charms to expire. Six months, twelve days. It was the same for every newcomer to the ISS; at first, they gawked at the beauty of Earth and couldn’t shut up about it. Then they did. Konarski always waited a discrete period after each arrival before asking how long it had taken.
Nobody seemed to remember the point at which things changed, they just woke up one day and the magic was gone. How like marriage, he’d laugh, slapping them on the back. By now the joke was well-worn. Of course, it wasn’t just the Earth itself. When somebody new arrived, they acted like a hyperactive puppy, bouncing with delight at each new experience, or perhaps ricocheting was a better choice of word up here.
Once the excitement died down, they discovered it was a job like any other, except that home was a tiny bunk a few feet from where you worked. The tourists had it right: get in and out before the novelty wore off. The ISS basically was a submarine posting with a better view and better toilets.
Earth became something to occasionally note out the corner of one’s eye. Yep, still there. Being so high up almost bred contempt for the tiny ball and its billions of people. This had been less of a problem in the old days, when the ISS sounded like the inside of a factory. But since the upgrade, things were so quiet that one could not help but feel aloof. Aloof was invented for this place. As a general rule, it was hard to hold in high regard any place toward which you flushed your excrement. Well, not quite *toward*.
There was a fun problem in orbital mechanics that Konarski used to stump newbies with. Of course, Alex had learned it in high school, but his colleagues — particularly the Americans — seemed to have spent their formative years doing anything but studying. For some reason, America believed it was better to send jocks into orbit than scientists. Worse even, it made a distinction between the two. Nerds are nerds and jocks are jocks and never the twain shall meet. It was a view that Konarski and most of the older generation of Eastern Europeans found bewildering. But that was the way it was.
So, Alex and his friends gave the newbies the infamous “orbit” problem. If you are working outside the ISS and fling a wrench toward Earth what will happen? Invariably, the response was to the effect that “well, duh, it will fall to Earth”. With carefully practiced condescension, Alex then would inform them that this is not correct. The wrench will rebound and hit the pitcher. It was one of the many vagaries of orbital dynamics, unintuitive but fairly obvious on close reflection.
The victim would argue, debate, complain, declare it an impossibility. Alex patiently would explain the mathematics. It was no mistake. Only after the victim had labored for days over a calculation that any kid should be able to do would they — sometimes — get the answer.
For some reason the first question they asked after accepting the result always was, “How do you flush the toilets?”
“Very carefully,” Alex would answer.
Then everybody had a drink and a good laugh. Yes, shit would fall to earth just as it always had and always would.
The spectrometer indicated that there was some sort of smog developing over Rome. Alex wondered if this would be a repeat of Paris. There had been sporadic fires for weeks after the Front hit that city. Some were attributable to the usual suspects: car crashes as people fled or died, overloads and short-circuits, the chaos of large numbers of people fleeing, probably even arson, not to mention the ordinary incidence of fires in a major city, now with nobody to nip them in the bud. Mostly, though, it just was the unattended failure of humanity’s mechanized residue.
The Front couldn’t eradicate every trace of our existence, but perhaps it would smile gleefully as our detritus burned itself out. Those last embers likely would outlast us, a brief epitaph. Of course, the smaller fires weren’t visible from the station, and Alex only could surmise their existence from the occasional flare up.
The same had occurred everywhere else the Front passed. In most cases there had been a small glow for a day or so and then just the quenching smoke from a spent fire. On the other hand, there was a thick haze over parts of Germany since fires had spread through the coal mines. These probably would burn for years to come, occasionally erupting from the ground without warning. There was no need to speculate on *that*; Konarski’s own grandfather had perished this way many years ago. The mines had been killing people long before there was any Front. But the occasional fireworks aside, cities inside the Zone were cold and dead.
The ISS orbited the Earth approximately once every ninety minutes. This meant that close observation of any given area was limited to a few minutes, after which they must wait until the next pass. During the time between passes, the Front would expand a little over a quarter mile. Nothing remarkable had happened during the hundred passes it took for the Front to traverse Paris. And it wasn’t for another twenty or so that the trouble started.
*Trouble?* Something about the word struck him as callous. It seemed irreverent to call a fire “trouble”, while ignoring the millions of deaths which surely preceded it. Well, the “event”, then. Once it started, the event was evident within a few passes. Alex had noticed something wrong fairly quickly. Instead of a series of small and short-lived flare ups, the blaze simply had grown and grown.
At first he suspected the meltdown of some unadvertised nuclear reactor. But there was no indication of enhanced radiation levels. Of course, it was hard to tell for sure through the smoke plume. By that point it looked like there was a small hurricane over Paris, a hurricane that occasionally flashed red. It really was quite beautiful from his vantage point, but he shuddered to think what it would be like within that mile-high vortex of flame.
It had not ceased for seven days. Some meteorologist explained the effect early on. It was called a firestorm, when countless small fires merge into a monster that generates its own weather, commands its own destiny. It was a good thing there was nobody left for it to kill, though Alex was unsure what effect the fountain of ash would have on the rest of Europe.
In theory there probably were operational video feeds on the ground, but the Central European power grid had failed two months earlier. It had shown surprisingly little resilience, and shrouded most of Europe in darkness. Of course, the relevant machinery lay within the Zone and repairs were impossible.
Konarski wondered how many millions had died prematurely because some engineering firm cut corners years ago. It probably was Ukrainian, that firm. Alex never trusted the Ukrainians. Whatever the cause, the result was that there was no power. And by the time Paris was hit any battery-driven units were long dead. Other than some satellites and the occasional drone, he and his crew were the only ones to see what was happening.
The Paris conflagration eventually had withered and died out, of course. What was of interest now was Rome. The ISS had been asked to keep an eye on the regions within the Zone, gleaning valuable information to help others prepare or, if one were fool enough to hope, understand and dispel the Front altogether. However, the real action always surrounded the Front itself. Especially when it hit a densely-developed area, even if now deserted. But it wasn’t just orders or morbid curiosity that compelled Alex to watch. Where evident, the destruction could be aesthetically beautiful.
Safely beyond the reach of the Front, Alex could watch the end of a world. How many people would have the opportunity to do so? There was a certain pride in knowing he would be among the last, perhaps even *the* last. Once everyone had perished, the crew of the ISS would be alone for a while, left to contemplate the silence. Then their supplies would run out, and they too would die.
Based on the current consumption rate of his six person crew, Alex estimated they could survive for another six years — two years past the Front’s anticipated circumvallation of Earth. Of course, he doubted the process would be an orderly one. Four of the crew members (himself included) came from military backgrounds, one was a woman, and three different countries were represented. Even at the best of times, there was a simmering competitiveness.
Konarski assumed that he would be the first casualty. No other scenario made sense, other than something random in the heat of passion — and such things didn’t require the Front. No, barring any insanity, he would go first. He was the leader and also happened to be bedding the only woman. Who else would somebody bother killing? Of course, with *this* woman, he shuddered to think what would happen to the murderer. Of course, *she* was the one most likely to kill him in the first place.
Obviously, they hadn’t screened for mental health in the Chinese space program. In fact, he guessed that any screening they *did* do was just lip-service to be allowed to join the ISS. But Ying was stunning and endlessly hilarious to talk to, and Alex had nothing to lose.
If the Front hadn’t come along, he would have faced compulsory retirement the following year. Then he would have had the privilege of returning to good old Poland, a living anachronism in a country that shunned any sign of its past. Alex gave it about a year before the bottle would have taken him. Who the fuck wanted to grow old in today’s world? The Front was the best thing that ever happened, as far as he was concerned. It made him special.
Alex would try to protect Ying for as long as he could, but he knew how things would unfold. Perhaps it would be best to kill her first, before anyone got to him. Or maybe he just should suicide the whole crew. It would be the easiest thing in the world, all he really had to do was stop trying to keep everyone alive. Or he actively could space the place and kill everyone at once, a grand ceremonial gesture. But that would be boring.
Besides, part of him wanted to see who *would* be the last man standing. The whole of humanity in one man. The one to turn out the lights, not first but final hand. Humanity would end the way it began, with one man killing another. After all, everybody always was talking about returning to your roots. Alex just was sad they no longer had a gun on board. That *really* would have made things interesting.
These were distant considerations, however; worth planning for, but hardly imminent. At the moment the world remained very much alive, and was counting on them for critical information. Alex wondered if it would be better to be the last man alive or the man who saved the world.
“The savior, you dumb fuck,” part of him screamed. “Nobody will be around to care if you’re the last one alive.” Of course, Poland already was gone. There was no home for him, even the one he wouldn’t have wanted. Maybe he was the last Pole. But how would he change a light bulb?
For some reason, a series of bad Pollack jokes popped into Konarski’s head. There was a time when he would have taken great offense at such jokes, jumped to his country’s defense, maybe even thrown a few obligatory punches. But not now, not after what Poland had become over the last decade, and especially not after how they had behaved toward the end. They could go fuck themselves. And now they had. Or somebody bigger and badder had fucked them, just like had happened through most of their history.
Still, he felt a certain pride. Maybe he would be the start of a new, prouder race of Poles. No, that was just the sort of talk that had made him sick of his country, the reason he was commanding ISS under a Russian flag. Besides, there probably still were plenty of Poles around the world. He wasn’t alone. Yet.
If Alex watched Rome’s demise closely, he couldn’t be accused of exultation or cruel delight. He had watched his home city of Warsaw perish just three days earlier. Of course, it was nearly empty by the time the Front reached it. But he had listened to the broadcasts, the chatter, and he was ashamed of the conduct of his countrymen. They had acted just like the self-absorbed Western pigs he detested.
Ying understood. She was Chinese. When *they* left their old and infirm behind it would be from calculated expedience, not blind selfish panic. The decision would be institutional, not individual. The throng would push and perish and each would look to their own interest, but none would bear the individual moral responsibility. *That* would be absorbed by the State. What else was the State for?
But it turned out that his compatriots no longer thought this way. They had become soft since the fall of communism, soft and scared. When the moment came, they didn’t stand proud and sink with the ship. They scrambled over one another like a bunch of terrified mice, making a horrid mess and spitting on the morals of their homeland and a thousand years of national dignity just to buy a few more precious moments of lives clearly not worth living. They disgusted him. He would die the last true Pole.
In the meantime, he would carry on — his duty now to the species. Part of him felt that if *his* world had perished, so too should all the others. He harbored a certain resentment when he imagined some American scientists discovering the answer just in time to save their own country. It would be *his* data that accomplished this. What right had they to save themselves using *his* data, when his own people had perished. Yet still he sent it. Data that perhaps would one day allow another world to grow from the ashes of his. Maybe this was a sign that there *had* been some small progress over the thousands of years, that he was first and foremost human.
Alex’s thoughts were interrupted by a soft voice.
“We’re almost over Rome,” Ying whispered, breathing gently into his ear.
“C’mon, I have to record this,” he protested in half-genuine exasperation.
“That’s ok, we’ll just catch the next pass,” she shot back from behind him.
Alex heard some shuffling and felt something strange on his shoulder. What was Ying doing now? He had to focus, dammit. She was the funnest, craziest woman he had known, but sometimes he just wished he could lock her outside the station for a few hours. Yeah, he’d probably ask her to marry him at some point. Maybe soon. After all, living with somebody on the ISS was ten times more difficult than being married. Alex shook his shoulder free of her grip. It would have to wait.
Then he noticed that she wasn’t touching him. She was on the other side of the room, pointing at him with her mouth open. Why was there no sound? Then he was screaming, then he couldn’t scream anymore. Before things grew dark, he saw Ying’s decaying flesh. She still was pointing, almost like a mannequin. His last thought was how disgusting Ying had become, and that he soon would be the same.
CCSearch State Space Algo
While toying with automated Fantasy Sports trading systems, I ended up designing a rapid state search algorithm that was suitable for a variety of constrained knapsack-like problems.
A reference implementation can be found on github: https://github.com/kensmosis/ccsearch.
Below is a discussion of the algorithm itself. For more details, see the source code in the github repo. Also, please let me know if you come across any bugs! This is a quick and dirty implementation.
Here is a description of the algorithm:
— Constrained Collection Search Algorithm —
Here, we discuss a very efficient state-space search algorithm which originated with a Fantasy Sports project but is applicable to a broad range of applications. We dub it the Constrained Collection Search Algorithm for want of a better term. A C++ implementation, along with Python front-end is included as well.
In the Fantasy Sports context, our code solves the following problem: We’re given a tournament with a certain set of rules and requirements, a roster of players for that tournament (along with positions, salaries and other info supplied by the tournament’s host), and a user-provided performance measure for each player. We then search for those teams which satisfy all the constraints while maximizing team performance (based on the player performances provided). We allow a great deal of user customization and flexibility, and currently can accommodate (to our knowledge) all major tournaments on Draftkings and FanDuel. Through aggressive pruning, execution time is minimized.
As an example, on data gleaned from some past Fantasy Baseball tournaments, our relatively simple implementation managed to search a state space of size approximately ${10^{21}}$ unconstrained fantasy teams, ultimately evaluating under ${2}$ million plausible teams and executing in under ${4}$ seconds on a relatively modest desktop computer.
Although originating in a Fantasy Sport context, the CCSearch algorithm and code is quite general.
— Motivating Example —
We’ll begin with the motivating example, and then consider the more abstract case. We’ll also discuss some benchmarks and address certain performance considerations.
In Fantasy Baseball, we are asked to construct a fantasy “team” from real players. While the details vary by platform and tournament, such games share certain common elements:
• A “roster”. This is a set of distinct players for the tournament.
• A means of scoring performance of a fantasy team in the tournament. This is based on actual performance by real players in the corresponding games. Typically, each player is scored based on certain actions (perhaps specific to their position), and these player scores then are added to get the team score.
• For each player in the roster, the following information (all provided by the tournament host except for the predicted fantasy-points, which generally is based on the user’s own model of player performance):
• A “salary”, representing the cost of inclusion in our team.
• A “position” representing their role in the game.
• One or more categories they belong to (ex. pitcher vs non-pitcher, real team they play on).
• A prediction of the fantasy-points the player is likely to score.
• A number ${N}$ of players which constitute a fantasy team. A fantasy team must have precisely this number of players.
• A salary cap. This is the maximum sum of player salaries we may “spend” in forming a fantasy team. Most, but not all, tournaments have one.
• A set of positions, and the number of players in each. The players on our team must adhere to these. For example, we may have ${3}$ players from one position and ${2}$ from another and ${1}$ each from ${4}$ other positions. Sometimes there are “flex” positions, and we’ll discuss how to accommodate those as well. The total players in all the positions must sum to ${N}$.
• Various other constraints on team formation. These come in many forms and we’ll discuss them shortly. They keep us from having too many players from the same real-life team, etc.
To give a clearer flavor, let’s consider a simple example: Draftkings Fantasy Baseball. There are at least 7 Tournament types listed (the number and types change with time, so this list may be out of date). Here are some current game types. For each, there are rules for scoring the performance of players (depending on whether hitter or pitcher, and sometimes whether relief or starting pitcher — all of which info the tournament host provides):
• Classic: ${N=10}$ players on a team, with specified positions P,P,C,1B,2B,3B,SS,OF,OF,OF. Salary cap is $50K. Constraints: (1) ${\le 5}$ hitters (non-P players) from a given real team, and (2) players from ${\ge 2}$ different real games must be present. • Tiers: ${N}$ may vary. A set of performance “tiers” is provided by the host, and we pick one player from each tier. There is no salary cap, and the constraint is that players from ${\ge 2}$ different real games must be present. • Showdown: ${N=6}$ players, with no position requirements. Salary cap is$50K. Constraints: (1) players from ${\ge 2}$ different real teams, and (2) ${\le 4}$ hitters from any one team.
• Arcade: ${N=6}$ players, with 1 pitcher, 5 hitters. Salary cap is $50K. Constraints are: (1) ${\le 3}$ hitters (non-P players) from a given real team, and (2) players from ${\ge 2}$ different real games must be present. • Playoff Arcade: ${N=7}$ players, with 2 pitchers and 5 hitters. Salary cap is$50K. Constraints are: (1) ${\le 3}$ hitters (non-P players) from a given real team, and (2) players from ${\ge 2}$ different real games must be present.
• Final Series (involves 2 games): ${N=8}$ players, with 2 pitchers and 6 hitters. \$50K salary cap. Constraints are: (1) ${1}$ pitcher from each of the two games, (2) ${3}$ hitters from each of the the ${2}$ games, (3) can’t have the same player twice (even if they appear in both games), and (4) Must have hitters from both teams in each game.
• Lowball: Same as Tiers, but the lowest score wins.
Although the constraints above may seem quite varied, we will see they fall into two easily-codified classes.
In the Classic tournament, we are handed a table prior to the competition. This contains a roster of available players. In theory there would be 270 (9 for each of the 30 teams), but not every team plays every day and there may be injuries so it can be fewer in practice. For each player we are given a field position (P,C,1B,2B,3B,SS,or OF), a Fantasy Salary, their real team, and which games they will play in that day. For our purposes, we’ll assume they play in a single game on a given day, though it’s easy to accommodate more than one.
Let us suppose that we have a model for predicting player performance, and are thus also provided with a mean and standard deviation performance. This performance is in terms of “points”, which is Draftkings’ scoring mechanism for the player. I.e., we have a prediction for the score which Draftkings will assign the player using their (publicly available) formula for that tournament and position. We won’t discuss this aspect of the process, and simply take the predictive model as given.
Our goal is to locate the fantasy teams which provide the highest combined predicted player scores while satisfying all the requirements (position, salary, constraints) for the tournament. We may wish to locate the top ${L}$ such teams (for some ${L}$) or all those teams within some performance distance of the best.
Note that we are not simply seeking a single, best solution. We may wish to bet on a set of 20 teams which diversify our risk as much as possible. Or we may wish to avoid certain teams in post-processing, for reasons unrelated to the constraints.
It is easy to see that in many cases the state space is enormous. We could attempt to treat this as a knapsack problem, but the desire for multiple solutions and the variety of constraints make it difficult to do so. As we will see, an aggressively pruned direct search can be quite efficient.
— The General Framework —
There are several good reasons to abstract this problem. First, it is the sensible mathematical thing to do. It also offers a convenient separation from a coding standpoint. Languages such as Python are very good at munging data when efficiency isn’t a constraint. However, for a massive state space search they are the wrong choice. By providing a general wrapper, we can isolate the state-space search component, code it in C++, and call out to execute this as needed. That is precisely what we do.
From the Fantasy Baseball example discussed (as well as the variety of alternate tournaments), we see that the following are the salient components of the problem:
• A cost constraint (salary sum)
• The number of players we must pick for each position
• The selection of collections (teams) which maximize the sum of player performances
• The adherence to certain constraints involving player features (hitter/pitcher, team, game)
Our generalized tournament has the following components:
• A number of items ${N}$ we must choose. We will term a given choice of ${N}$ items a “collection.”
• A total cost cap for the ${N}$ items.
• A set of items, along with the following for each:
• A cost
• A mean value
• Optionally, a standard deviation value
• A set of features. Each feature has a set of values it may take, called “groups” here. For each feature, a table (or function) tells us which group(s), if any, each item is a member of. If every item is a member of one and only one group, then that feature is termed a “partition” for obvious reasons.
• A choice of “primary” feature, whose role will be discussed shortly. The primary feature need not be a partition. Associated with the primary feature is a count for each group. This represents the number of items which must be selected for that group. The sum of these counts must be ${N}$. An item may be chosen for any primary group in which it is a member, but may not be chosen twice for a given collection.
• A set of constraint functions. Each takes a collection and, based on the information above, accepts or rejects it. We will refer to these as “ancillary constraints”, as opposed to the overall cost constraint, the primary feature group allocation constraints, and the number of items per collection constraint. When we speak of “constraints” we almost always mean ancillary constraints.
To clarify the connection to our example, the fantasy team is a collection, the players are items, the cost is the salary, the value is the performance prediction, the primary feature is “position” (and its groups are the various player positions), other features are “team” (whose groups are the 30 real teams), “game” (whose groups are the real games being played that day), and possibly one or two more which we’ll discuss below.
Note that each item may appear only once in a given collection even if they theoretically appear can fill multiple positions (ex. they play in two games of a double-header or they are allowed for a “flex” position as well as their actual one in tournaments which have such things).
Our goal at this point will be to produce the top ${L}$ admissible collections by value (or a good approximation thereof). Bear in mind that an admissible collection is a set of items which satisfy all the criteria: cost cap, primary feature group counts, and constraint functions. The basic idea is that we will perform a tree search, iterating over groups in the primary feature. This is why that group plays a special role. However, its choice generally is a structural one dictated by the problem itself (as in Fantasy Baseball) rather than a control lever. We’ll aggressively prune where we can based on value and cost as we do so. We then use the other features to filter the unpruned teams via the constraint functions.
It is important to note that features need not be partitions. This is true even of the primary feature. In some tournaments, for example, there are “utility” or “flex” positions. Players from any other position (or some subset of positions) are allowed for these. A given player thus could be a member of one or more position groups. Similarly, doubleheaders may be allowed, in which case a player may appear in either of 2 games. This can be accommodated via a redefinition of the features.
In most cases, we’ll want the non-primary features to be partitions if possible. We may need some creativity in defining them, however. For example, consider the two constraints in the Classic tournament described above. Hitter vs pitcher isn’t a natural feature. Moreover, the constraint seems to rely on two distinct features. There is no rule against this, of course. But we can make it a more efficient single-feature constraint by defining a new feature with 31 groups: one containing all the pitchers from all teams, and the other 30 containing hitters from each of the 30 real teams. We then simply require that there be no more than 5 items in any group of this new feature. Because only 2 pitchers are picked anyway, the 31st group never would be affected.
Our reference implementation allows for general user-defined constraints via a functionoid, but we also provide two concrete constraint classes. With a little cleverness, these two cover all the cases which arise in Fantasy Sports. Both concern themselves with a single feature, which must be a partition:
• Require items from at least ${n}$ groups. It is easy to see that the ${\ge 2}$ games and ${\ge 2}$ teams constraints fit this mold.
• Allow at most ${n}$ items from a given group. The ${\le 3,4,5}$ hitter per team constraints fit this mold.
When designing custom constraints, it is important to seek an efficient implementation. Every collection which passes the primary pruning will be tested against every constraint. Pre-computing a specialized feature is a good way to accomplish this.
— Sample Setup for DraftKings Classic Fantasy Baseball Tournament —
How would we configure our system for a real application? Consider the Classic Fantasy Baseball Tournament described above.
The player information may be provided in many forms, but for purposes of exposition we will assume we are handed vectors, each of the correct length and with no null or bad values. We are given the following:
• A roster of players available in the given tournament. This would include players from all teams playing that day. Each team would include hitters from the starting lineup, as well as the starting pitcher and one or more relief pitchers. We’ll say there are ${M}$ players, listed in some fixed order for our purposes. ${R_i}$ denotes player ${i}$ in our listing.
• A set ${G}$ of games represented in the given tournament. This would be all the games played on a given day. Almost every team plays each day of the season, so this is around 15 games. We’ll ignore the 2nd game of doubleheaders for our purposes (so a given team and player plays at most once on a given day).
• A set ${T}$ of teams represented in the given tournament. This would be all 30 teams.
• A vector ${p}$ of length ${M}$, identifying the allowed positions of each player. These are P (pitcher), C (catcher), 1B (1st base), 2B (2nd base), 3B (3rd base), SS (shortstop), OF (outfield).
• A vector ${t}$ of length ${M}$, identifying the team of each player. This takes values in ${T}$.
• A vector ${g}$ of length ${M}$, identifying the game each player participates in that day. This takes value in ${G}$.
• A vector ${s}$ of length ${M}$, providing the fantasy salary assigned by DraftKings to each player (always positive).
• A vector ${v}$ of length ${M}$, providing our model’s predictions of player performance. Each such value is the mean predicted fantasy score for the player under DraftKing’s scoring system for that tournament and player position. As an aside, DK never scores pitchers as hitters even if they bat.
Note that DraftKings provides all this info (though they may have to be munged into some useable form), except the model prediction.
We now define a new vector ${h}$ of length ${M}$ as follows: ${h_i=t_i}$ if player ${i}$ is a hitter (i.e. not a pitcher), and ${h_i=P}$ if a pitcher, where ${P}$ designates some new value not in ${T}$.
Next, we map the values of ${G}$, ${T}$, and the positions into nonnegative consecutive integers (i.e. we number them). So the games run from ${1\dots |G|}$, the teams from ${1\dots |T|}$, and the positions from ${1\dots 7}$. We’ll assign ${0}$ to the pitcher category in the ${h}$ vector. The players already run from ${1\dots M}$. The vectors ${t}$, ${g}$, ${s}$, and ${h}$ now take nonnegative integer values, while ${s}$ and ${v}$ take real ones (actually ${s}$ is an integer too, but we don’t care here).
From this, we pass the following to our algorithm:
• Number of items: ${M}$
• Size of a collection: ${10}$
• Feature 1: ${7}$ groups (the positions), and marked as a partition.
• Feature 2: ${|T|}$ groups (the teams), and marked as a partition.
• Feature 3: ${|G|}$ groups (the games), and marked as a partition.
• Feature 4: ${|T|+1}$ groups (the teams for hitters plus a single group of all pitchers), and marked as a partition.
• Primary Feature: Feature 1
• Primary Feature Group Counts: ${(2,1,1,1,1,1,3)}$ (i.e. P,P,C,1B,2B,3B,SS,OF,OF,OF)
• Item costs: ${s}$
• Item values: ${v}$
• Item Feature 1 Map: ${f(i,j)= \delta_{p_i,j}}$ (i.e. ${1}$ if player ${i}$ is in position ${j}$)
• Item Feature 2 Map: ${f(i,j)= \delta_{t_i,j}}$ (i.e. ${1}$ if player ${i}$ is on team ${j}$)
• Item Feature 3 Map: ${f(i,j)= \delta_{g_i,j}}$ (i.e. ${1}$ if player ${i}$ is in game ${j}$)
• Item Feature 4 Map: ${f(i,j)= \delta_{h_i,j}}$ (i.e. ${1}$ if player ${i}$ is a hitter on team ${j}$ or a pitcher and ${j=0}$)
• Cost Cap: ${50,000}$
• Constraint 1: No more than ${5}$ items in any one group of Feature 4. (i.e. ${\le 5}$ hitters from a given team)
• Constraint 2: Items from at least ${2}$ groups of Feature 3. (i.e. items from ${\ge 2}$ games)
Strictly speaking, we could have dispensed with Feature 2 in this case (we really only need the team through Feature 4), but we left it in for clarity.
Note that we also would pass certain tolerance parameters to the algorithm. These tune its aggressiveness as well as the number of teams potentially returned.
— Algorithm —
— Culling of Individual Items —
First, we consider each group of the primary feature and eliminate strictly inferior items. These are items we never would consider picking because there always are better choices. For this purpose we use a tolerance parameter, ${epsilon}$. For a given group, we do this as follows. Assume that we are required to select ${n}$ items from this group:
• Restrict ourselves only to items which are unique to that group. I.e., if an item appears in multiple groups it won’t be culled.
• Scan the remaining items in descending order of value. For item ${i}$ with cost ${c}$ and value ${v}$,
• Scan over all items ${j}$ with ${v_j>v_i(1+\epsilon)}$
• If there are ${n}$ such items that have ${c_j\le c_i}$ then we cull item ${i}$.
So basically, it’s simple comparison shopping. We check if there are enough better items at the same or lower cost. If so, we never would want to select the item. We usually don’t consider “strictly” better, but allow a buffer. The other items must be sufficiently better. There is a rationale behind this which will be explained shortly. It has to do with the fact that the cull stage has no foreknowledge of the delicate balance between ancillary constraints and player choice. It is a coarse dismissal of certain players from consideration, and the tolerance allows us to be more or less conservative in this as circumstance dictates.
If a large number of items appear in multiple groups, we also can perform a merged pass — in which those groups are combined and we perform a constrained cull. Because we generally only have to do this with pairs of groups (ex. a “flex” group and each regular one), the combinatorial complexity remains low. Our reference implementation doesn’t include an option for this.
To see the importance of the initial cull, consider our baseball example but with an extra 2 players per team assigned to a “flex” position (which can take any player from any position). We have ${8}$ groups with (${60}$,${30}$,${30}$,${30}$,${30}$,${30}$,${90}$,${270}$) allowed items. We need to select ${(2,1,1,1,1,1,3,2)}$ items from amongst these. In reality, fantasy baseball tournaments with flex groups have fewer other groups — so the size isn’t quite this big. But for other Fantasy Sports it can be.
The size of the overall state space is around ${5x10^{21}}$. Suppose we can prune just 1/3 of the players (evenly, so 30 becomes 20, 60 becomes 40, and 90 becomes 60). This reduces the state space by 130x to around ${4x10^19}$. If we can prune 1/2 the players, we reduce it by ${4096x}$ to around ${10^18}$. And if we can prune it by 2/3 (which actually is not as uncommon as one would imagine, especially if many items have ${0}$ or very low values), we reduce it by ${531441x}$ to a somewhat less unmanageable starting point of ${O(10^{16})}$.
Thus we see the importance of this initial cull. Even if we have to perform a pairwise analysis for a flex group — and each paired cull costs ${n^2m^2}$ operations (it doesn’t), where ${m}$ is the non-flex group size and ${n}$ is the flex-group size, we’d at worst get ${(\sum_i m_i)^2\sum_i m_i^2}$ which is ${O(10^9)}$ operations. In reality it would be far lower. So a careful cull is well worth it!
One important word about this cull, however. It is performed at the level of individual primary-feature groups. While it accommodates the overall cost cap and the primary feature group allocations, it has no knowledge of the ancillary constraints. It is perfectly possible that we cull an item which could be used to form the highest value admissible collection once the ancillary constraints are taken into account. This is part of why we use the tolerance ${\epsilon}$. If it is set too high, we will cull too few items and waste time down the road. If it is too low, we may run into problems meeting the ancillary constraints.
We note that in fantasy sports, the ancillary constraints are weak in the sense that they affect a small set of collections and these collections are randomly distributed. I.e, we would have to conspire for them to have a meaningful statistical effect. We also note that there tend to be many collections within the same tiny range of overall value. Since the item value model itself inherently is statistical, the net effect is small. We may miss a few collections but they won’t matter. We’ll have plenty of others which are just as good and are as statistically diverse as if we included the omitted ones.
In general use, we may need to be more careful. If the ancillary constraints are strong or statistically impactful, the initial cull may need to be conducted with care. Its affect must be measured and, in the worst case, it may need to be restricted or omitted altogether. In most cases, a well-chosen ${\epsilon}$ will achieve the right compromise.
In practice, ${\epsilon}$ serves two purposes: (1) it allows us to tune our culling so that the danger of an impactful ommission due to the effect of ancillary, yet we still gain some benefit from this step, and (2) it allows us to accommodate “flex” groups or other non-partition primary features without a more complicated pairwise cull. This is not perfect, but often can achieve the desired effect with far less effort.
Another approach to accommodating flex groups or avoiding suboptimal results due to the constraints is to require more than the selection count when culling in a given group. Suppose we need to select ${2}$ items from a given group. Ordinarily, we would require that there be at least ${2}$ items with value ${(1+\epsilon)v}$ and cost ${\le c}$ in order to cull an item with value ${v}$ and cost ${c}$. We could buffer this by requiring ${3}$ or even ${4}$ such better items. This would reduce the probability of discarding useful items, but at the cost of culling far fewer. In our code, we use a parameter ${ntol}$ to reflect this. If ${n_i}$ is the number of selected items for group ${i}$ (and the number we ordinarily would require to be strictly better in order to cull others), we now require ${n_i+ntol}$ strictly better items. Note that ${ntol}$ solely is used for the individual cull stage.
One final note. If a purely lossless search is required then the individual cull must be omitted altogether. In the code this is accomplished by either choosing ${ntol}$ very high or ${\epsilon}$ very high. If we truly require the top collection (as opposed to collections within a thick band near the top), we have the standard knapsack problem and there are far better algorithm than CCSearch.
— Prepare for Search —
We can think of our collection as a selection of ${n_i}$ items from each primary-feature group ${i}$ (we’ll just refer to it as “group” for short). Let’s say that ${m_i}$ is the total number of items in the ${i^{th}}$ group. Some of the same items may be available to multiple groups, but our collection must consist of distinct items. So there are ${K}$ bins, the number of primary feature groups. For the ${i^{th}}$ such group, we select ${n_i}$ items from amongst the available ${m_i}$ post-cull items.
For the search itself we iterate by group, then within each group. Conceptually, this could be thought of as a bunch of nested loops from left group to right group. In practice, it is best implemented recursively.
We can precompute certain important information:
• Each group has ${C_i= {m_i\choose n_i}}$ possible selections. We can precompute this easily enough.
• We also can compute ${RC_i= \Pi_{j\ge i} C_i}$. I.e. the product of the total combinations of this group and those that come after.
• ${BV_i}$ is the sum of the top ${n_i}$ values in the group. This is the best we can do for that group, if cost is no concern.
• ${RBV_i}$ is ${\sum_{j>i} BV_i}$. I.e., the best total value we can get from all subsequent groups.
• ${LC_i}$ is the sum of the bottom ${n_i}$ costs in the group. This is the cheapest we can do for that group, if value is no concern.
• ${RLC_i}$ is ${\sum_{j>i} LC_i}$. I.e., the cheapest we can do for all subsequent groups, if value is no concern.
• Sorted lists of the items by value and by cost.
• Sorted lists of ${n_i}$-tuples of distinct items by overall value and by overall cost. I.e., for each group, sorted lists of all combos of ${n_i}$ choices. These generally are few enough to keep in memory.
The search itself depends on two key iteration decisions. We discuss their effects on efficiency below.
• Overall, do we scan the groups from fewest to most combinations (low to high ${C_i}$) or from most to fewest (high to low ${C_i}$)?
• Within each group, do we scan the items from lowest to highest cost or from highest to lowest value. Note that of the four possible combinations, the other two choices make no sense. It must be one of these.
Based on our choice, we sort our groups, initialize our counters, and begin.
— Search —
We’ll describe the search recursively.
Suppose we find ourselves in group ${i}$, and are given the cost ${c}$ and value ${v}$ so far (from the selections for groups ${1\dots i-1}$). We also are given ${vmin}$, the lowest collection value we will consider. We’ll discuss how this is obtained shortly.
We need to cycle over all ${C_i}$ choices for group ${i}$. We use the pre-sorted list of ${n_i-tuples}$ sorted by value or by cost depending on our 2nd choice above. I.e., we are iterating over the possible selections of ${n_i}$ items in decreasing order of overall value or increasing order of overall cost.
We now discuss the individual iteration. For each step we compute the following:
• ${mc}$ is the minimum cost of all remaining groups (${i+1}$ onward). This is the lowest cost we possibly could achieve for subsequent groups. It is the pre-computed ${RLC_i}$ from above.
• ${mv}$ is the maximum value of all remaining groups (${i+1}$ onward). This is the highest value we possibly could achieve for subsequent groups. It is the pre-computed ${RBV_i}$ from above.
• ${c_i}$ is the cost of our current selection for group ${i}$
• ${v_i}$ is the value of our current selection for group ${i}$
Next we prune if necessary. There are 2 prunings, the details of which depend on the type of iteration.
If we’re looping in increasing order of cost:
• If ${c+c_i+mc>S}$ then there is no way to select from the remaining groups and meet the cost cap. Worse, all remaining iterations within group ${i}$ will be of equal or higher cost and face the same issue. So we prune both the current selection and all remaining ones. Practically, this means we terminate the iteration over combinations in group ${i}$ (for this combo of prior groups).
• If ${v+v_i+mv then there is no way to select a high enough value collection from the remaining groups. However, it is possible that other iterations may do so (since we’re iterating by cost, not value). We prune just the current selection, and move on to the next combo in group ${i}$ by cost.
If on the other hand we’re looping in decreasing order of value, we do the opposite:
• If ${v+v_i+mv then there is no way to select a high enough value collection from the remaining groups. Worse, all remaining iterations within group ${i}$ will be of equal or lower value and face the same issue. So we prune both the current selection and all remaining ones. Practically, this means we terminate the iteration over combinations in group ${i}$ (for this combo of prior groups).
• If ${c+c_i+mc>S}$ then there is no way to select from the remaining groups and meet the cost cap. However, it is possible that other iterations may do so (since we’re iterating by value, not cost). We prune just the current selection, and move on to the next combo in group ${i}$ by value.
If we get past this, our combo has survived pruning. If ${i}$ isn’t the last group, we recursively call ourselves, but now with cost ${c+c_i}$ and value ${v+v_i}$ and group ${i+1}$.
If on the other hand, we are the last group, then we have a completed collection. Now we must test it.
If we haven’t put any protections against the same item appearing in different slots (if it is in multiple groups), we must test for this and discard the collection if it is. Finally, we must test it against our ancillary constraints. If it violates any, it must be discarded. What do we do with collections that pass muster? Well, that depends. Generally, we want to limit the number of collections returned to some number ${NC}$. We need to maintain a value-sorted list of our top collections in a queue-like structure.
If our new collection exceeds all others in value, we update ${vmax}$, the best value realized, This also resets ${vmin= vmax (1-\delta)}$ for some user-defined tolerance ${\delta}$. We then must drop any already-accumulated collections which fall below the new ${vmin}$.
I.e., we keep at most ${NC}$ collections, and each must have value within a fraction ${\delta}$ of the best.
And that’s it.
— Tuning —
Let’s list all the user-defined tunable parameters and choices in our algorithm:
• What is the individual cull tolerance ${\epsilon\in [0,\infty]}$?
• What is ${ntol}$, the number of extra strictly-better items we require in a group during the individual cull?
• Do we scan the groups from fewest to most combinations or the other way?
• Within each group, do we scan the items from lowest to highest cost or from highest to lowest value?
• What is the maximum number of collections ${NC>0}$ we report back (or do we keep them all)?
• What is the collection value tolerance ${\delta\in [0,1]}$?
Clearly, ${NC}$ and ${\delta}$ guide how many results are kept and returned. High ${NC}$ and high ${\delta}$ are burdensome in terms of storage. If we want just the best result, either ${NC=1}$ or ${\delta=1}$ will do. As mentioned, ${\epsilon}$ and ${ntol}$ have specific uses related to the behavior of the individual cull. What about the sort orders?
The details of post-cull search performance will depend heavily on the primary partition structure and cost distribution, as well as our 2 search order choices. The following is a simple test comparison benchmark (using the same data and the ${10}$-player collection Classic Fantasy Baseball tournament structure mentioned above).
GroupOrder CombosOrder Time Analyzed Value high-to-low high-to-low 12.1s 7.9MM Value high-to-low low-to-high 3.4s 1.5MM Cost low-to-high high-to-low 69.7s 47.5MM Cost low-to-high low-to-high 45.7s 18.5MM
Here, “Analyzed” refers to the number of collections which survived pruning and were tested against the ancillary constraints. The total number of combinations pruned was far greater.
Of course, these numbers mean nothing in an absolute sense. They were run with particular test data on a particular computer. But the relative values are telling. For these particular conditions, the difference between the best and worst choice of search directions was over ${20x}$. There is good reason to believe that, for any common tournament structure, the results would be consistent once established. It also is likely they will reflect these. Why? The fastest option allows the most aggressive pruning early in the process. That’s why so few collections needed to be analyzed.
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 235, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.38347986340522766, "perplexity": 1277.8694870560234}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": false}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-40/segments/1664030334802.16/warc/CC-MAIN-20220926051040-20220926081040-00625.warc.gz"}
|
https://infoscience.epfl.ch/record/164778
|
Infoscience
Journal article
# Feedback topology and XOR-dynamics in Boolean networks with varying input structure
We analyze a model of fixed in-degree random Boolean networks in which the fraction of input-receiving nodes is controlled by the parameter gamma. We investigate analytically and numerically the dynamics of graphs under a parallel XOR updating scheme. This scheme is interesting because it is accessible analytically and its phenomenology is at the same time under control and as rich as the one of general Boolean networks. We give analytical formulas for the dynamics on general graphs, showing that with a XOR-type evolution rule, dynamic features are direct consequences of the topological feedback structure, in analogy with the role of relevant components in Kauffman networks. Considering graphs with fixed in-degree, we characterize analytically and numerically the feedback regions using graph decimation algorithms (Leaf Removal). With varying gamma, this graph ensemble shows a phase transition that separates a treelike graph region from one in which feedback components emerge. Networks near the transition point have feedback components made of disjoint loops, in which each node has exactly one incoming and one outgoing link. Using this fact, we provide analytical estimates of the maximum period starting from topological considerations.
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8865228295326233, "perplexity": 1048.3618374538048}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2017-39/segments/1505818688966.39/warc/CC-MAIN-20170922130934-20170922150934-00098.warc.gz"}
|
http://www.researchgate.net/publication/47404402_Customised_broadband_metamaterial_absorbers_for_arbitrary_polarisation
|
Article
# Customised broadband metamaterial absorbers for arbitrary polarisation
George Green Institute for Electromagnetics Research, School of Electrical and Electronic Engineering, University of Nottingham, Tower Building, University Park, Nottingham NG7 2RD, UK.
(Impact Factor: 3.49). 10/2010; 18(21):22187-98. DOI: 10.1364/OE.18.022187
Source: PubMed
ABSTRACT This paper shows that customised broadband absorption of electromagnetic
waves having arbitrary polarisation is possible by use of lossy cut-wire (CW)
metamaterials. These useful features are confirmed by numerical simulations in
which different lengths of CW pairs are combined as one periodic metamaterial
unit and placed near to a perfect electric conductor (PEC). So far metamaterial
absorbers have exhibited some interesting features, which are not available
from conventional absorbers, e.g. straightforward adjustment of electromagnetic
properties and size reduction. The paper shows how with proper design a broad
range of absorber characteristics may be obtained.
### Full-text
Available from: Hiroki Wakatsuchi, Sep 02, 2015
0 Followers
·
183 Views
·
• Source
• "First, a diode converts the frequency of an incoming signal to an infinite set of frequency components but mainly to zero frequency [10]. The conversion to zero frequency is further enhanced, if a four-diode bridge is used [19] (see Supplementary Information in detail). "
##### Article: Waveform Selectivity at the Same Frequency
[Hide abstract]
ABSTRACT: Electromagnetic properties depend on the composition of materials, i.e. either angstrom scales of molecules or, for metamaterials, subwavelength periodic structures. Each material behaves differently in accordance with the frequency of an incoming electromagnetic wave due to the frequency dispersion or the resonance of the periodic structures. This indicates that if the frequency is fixed, the material always responds in the same manner unless it has nonlinearity. However, such nonlinearity is controlled by the magnitude of the incoming wave or other bias. Therefore, it is difficult to distinguish different incoming waves at the same frequency. Here we present a new concept of circuit-based metasurfaces to selectively absorb or transmit specific types of waveforms even at the same frequency. The metasurfaces, integrated with schottky diodes as well as either capacitors or inductors, selectively absorb short or long pulses, respectively. The two types of the circuit elements are then combined to absorb or transmit specific waveforms in between. This waveform selectivity gives us another freedom to control electromagnetic waves in various fields including wireless communications, as our simulation reveals that the metasurfaces are capable of varying bit error rates in response to waveforms.
Scientific Reports 12/2014; 5. DOI:10.1038/srep09639 · 5.58 Impact Factor
• Source
• "The bandwidth to reach 80% absorbance was about 0.15 GHz in both the simulation and experiment. In particular, the bandwidth of the measured absorption is sharper and its intensity is improved compared with previous works [8] [10] [11] [15] [20]. This result is promising to improve the sensitivity of applicable detectors. "
##### Article: Perfect-absorber metamaterial based on flower-shaped structure
[Hide abstract]
ABSTRACT: We theoretically and experimetally investigated the narrow-band peak of perfect absorber (PA), which was realized with a metal–dielectric–metal scheme based on a flower-shaped structure (FSS). The PA slabs were designed and fabricated to work in the GHz range of electromagnetic radiation. The absorption is due to the magnetic influence and therefore, the resonance frequency can be easily controlled without affecting the efficiency of the absorption peak by changing the dimensional parameters of the FSS. In addition, the FSS also results in polarization independence of electromagnetic waves, as expected due to its geometry.
Photonics and Nanostructures - Fundamentals and Applications 02/2013; 11(1):89–94. DOI:10.1016/j.photonics.2012.09.002 · 1.79 Impact Factor
• Source
• "The absorbing performance was also confirmed by numerical simulations, demonstrating the possibility that conductively lossy CW elements can work as wave absorbers in realistic applications. The CW-based metamaterial absorbers have several important features, e.g., simple geometry , arbitrary enhancement or reduction of the absorbing performance and multiple band operation (see [13] "
##### Article: Performance of Customizable Cut-Wire-Based Metamaterial Absorbers: Absorbing Mechanism and Experimental Demonstration
[Hide abstract]
ABSTRACT: Performance of customizable cut-wire-based (CW-based) metamaterial absorbers is studied both numerically and experimentally. In the first part of the paper the fundamental absorbing performance of the CW-based metamaterial absorbers is numerically investigated. In this paper two simple geometrical modifications are proposed to easily enhance the absorbing performance: use of geometrical symmetries and wider CWs. The latter part of the paper shows an experimental demonstration of the CW-based metamaterial absorbers using a metal box lined with metamaterial absorber. The metal box has a resonant frequency which reduces the shielding effectiveness of the metal box but disappears when multiple CW absorbing elements are introduced. The absorbing performance is also confirmed by numerical simulations. The CW-based metamaterial absorbers have several important features, e.g., the simple geometry, both arbitrary enhancement and reduction of the absorbing performance and multiple band operation, which may be useful in satisfying a wide range of wave absorber applications.
IEEE Transactions on Antennas and Propagation 12/2012; 60(12):5743-5752. DOI:10.1109/TAP.2012.2210180 · 2.46 Impact Factor
|
{"extraction_info": {"found_math": false, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.8781701326370239, "perplexity": 2400.0036320972254}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2015-35/segments/1440645311026.75/warc/CC-MAIN-20150827031511-00318-ip-10-171-96-226.ec2.internal.warc.gz"}
|
https://forum.zdoom.org/viewtopic.php?f=232&t=24955&start=2745
|
## SLADE Discussion - Latest: v3.1.7 (07/Oct/2019)
Any utility that assists in the creation of mods, assets, etc, go here.
Forum rules
The Projects forums are ONLY for YOUR PROJECTS! If you are asking questions about a project, either find that project's thread, or start a thread in the General section instead.
Got a cool project idea but nothing else? Put it in the project ideas thread instead!
Projects for any Doom-based engine (especially 3DGE) are perfectly acceptable here too.
Please read the full rules for more details.
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
What version of SFML is required to compile SLADE 3, or do I have something configured wrong? I've been trying to build the source to investigate this feature request, but I keep on getting stuck up on some compiler errors
Code: Select all
1>DrawingSFML.cpp1>c:\users\ryan.basementnet\documents\visual studio 2017\projects\slade\src\opengl\drawingsfml.cpp(154): error C2039: 'setFillColor': is not a member of 'sf::Text'1>c:\dev\sfml-2.3.2\include\sfml\graphics\text.hpp(48): note: see declaration of 'sf::Text'1>c:\users\ryan.basementnet\documents\visual studio 2017\projects\slade\src\opengl\drawingsfml.cpp(191): error C2039: 'setOutlineThickness': is not a member of 'sf::Text'1>c:\dev\sfml-2.3.2\include\sfml\graphics\text.hpp(48): note: see declaration of 'sf::Text'1>c:\users\ryan.basementnet\documents\visual studio 2017\projects\slade\src\opengl\drawingsfml.cpp(192): error C2039: 'setOutlineColor': is not a member of 'sf::Text'1>c:\dev\sfml-2.3.2\include\sfml\graphics\text.hpp(48): note: see declaration of 'sf::Text'
EDIT: This does appear to be a configuration error, rereading that log I noticed it's still trying to use 2.3.2, instead of the most recent version, but I had changed the macros before this compilation attempt. Is there something I need to do to make Visual Studio actually start using the new value of the macros?
InsanityBringer
Joined: 05 Jul 2007
Location: opening the forbidden box
Discord: InsanityBringer#9908
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
So I've just discovered that giving a Heretic wad a custom title screen is more complicated than I thought. Does Slade have a way to convert an image from "Graphic (Doom)" to "Graphic (Raw Screen)"?
SiFi270
Joined: 10 Feb 2015
Location: Does anyone put a serious answer here?
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
They're the same as Doom flats. If you don't have the option, see if you can enable Edit->Preferences->Graphics->Offer additional conversion options.
Gez
Joined: 06 Jul 2007
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
I'm compiling scripts inside a filter/strife directory but whenever ACC outputs an ACS lump, SLADE creates an acs folder in the root directory and puts it there instead.
DabbingSquidward
Joined: 08 Nov 2017
Location: Germany
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
I have two questions regarding map editor:
1. Is it possible to add a filter in the texture window so I could display textures only of set size? This is in Doom Builder and I would appreciate it in SLADE.
2. Is it possible to change properties of a wall or of a flat when in 3D mode? Right-clicking opens up texture editor and when I use TAB key to unlock a mouse cursor I cannot edit properties in the right panel as they seem to be read only.
Paar
Joined: 18 Apr 2008
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
I am using the latest stable version and I am unable to play MIDIs entirely. Player options are not retained and restarting the player after trying to play a MIDI file causes a hard crash.
I am unable to produce a log as Slade simply locks up and then closes abruptly.
I tested using another audio format on my sound output (a sound blaster AE-5, which.. Might be hard to test considering the price), switching from 32b 48khz to 16bit 48khz and so on, with no changes. Still crashing, still no audio.
MUS files also fail to play. Normal sounds play just fine.
Tapwave
On the GREEN!
Joined: 20 Aug 2011
Discord: Sunray#7070
Operating System: Windows 10/8.1/8 64-bit
Graphics Processor: nVidia with Vulkan support
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
Stupid question, but where are the Find and Replace buttons now?
GreenDoomguy1999
Joined: 07 Aug 2014
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
Not sure about the buttons, but I always use Ctrl-f to bring up find/replace.
Enjay
Everyone is a moon, and has a dark side which he never shows to anybody. Twain
Joined: 15 Jul 2003
Location: Scotland
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
Tapwave wrote:I am using the latest stable version and I am unable to play MIDIs entirely.......
MUS files also fail to play. Normal sounds play just fine.
This works for me
I'm not sure about Timidity.
After I set the path to it, the button deselects for some reason. So I just stay with Fluidsynth.
Kappes Buur
Joined: 17 Jul 2003
Location: British Columbia Canada
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
GreenDoomguy1999 wrote:Stupid question, but where are the Find and Replace buttons now?
http://slade.mancubus.net/index.php?pag ... y-Bindings
Kappes Buur
Joined: 17 Jul 2003
Location: British Columbia Canada
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
FEATURE REQUEST:
It would be awesome to be able to move folders up and down relative to other folders in a pk3, like you can with individual entries.
When I right-click a folder and select Open in New Tab, it doesn't happen. It would very convenient if that feature was added. For example, I have a folder full of sprites and another folder in the same pk3 full of DECORATE files. I would love to be able to have both folders open at the same time.
Empyre
The Ultimate Shining Example of Humility
Joined: 05 Apr 2007
Location: Garland, TX, USA
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
Another request :
When loading text lumps there are always these two buttons, Compile ACS and Compile ACS (Hexen Bytecode), which really do not apply except for SCRIPTS
Could they be changed to Select All and Find/Replace.
Kappes Buur
Joined: 17 Jul 2003
Location: British Columbia Canada
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
Those buttons could be added, rather than replacing other buttons. Also, CRTL-A and CTRL-F will already do those things, and they work on other programs, too.
Empyre
The Ultimate Shining Example of Humility
Joined: 05 Apr 2007
Location: Garland, TX, USA
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
I'd like to make the toolbars customisable at some point
sirjuddington
Joined: 16 Jul 2003
Location: Australia
Discord: sirjuddington#7496
Github ID: sirjuddington
### Re: SLADE Discussion - Latest: v3.1.4 (26/Dec/2018)
The "adjust" command really needs to be updated. It autocrops only single images, not multiple images, which makes creating fonts that aren't monospaced a friggin' nightmare. And it also screws up the sprite offsets, while the outdated XWE can do this with no problem (well, except that it only works on single images and even sometimes corrupts small imported sprites). I would really appreciate that.
And when I use umlaut letters on LANGUAGE files in a PK3, they're screwed up in-game or when seen in XWE. I'm using SLADE's internal text editor and when I load the LANGUAGE.de file again, the umlaut letters are fine. Is this a bug?
AtomicLugia
A cyan Yoshi with a M249
Joined: 06 Oct 2016
Location: Germany
PreviousNext
Return to Editors / Asset Manipulation
### Who is online
Users browsing this forum: axredneck and 1 guest
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.3378048241138458, "perplexity": 10506.086501301854}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": false}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2019-43/segments/1570986675409.61/warc/CC-MAIN-20191017145741-20191017173241-00051.warc.gz"}
|
https://serokell.io/blog/whats-that-typeclass-foldable
|
What's That Typeclass: Foldable
Article by Alyona Antonova
November 30th, 2021
There is a function called reduce in programming languages, which can be applied to some containers. It goes element by element, applying a given binary function and keeping the current result as an accumulator, finally returning the value of the accumulator as a summary value of the container.
For example, in Python:
> reduce(lambda acc, elem: acc + elem, [1, 2, 3, 4, 5]) # sum of elements in a list
15
Haskell, in turn, has two fundamental functions representing reducing, or, as we call it, folding – foldl and foldr – that differ in the order of the folding. foldl reduces elements of a container from left to right (as reduce in other languages usually does), while foldr reduces from right to left.
These two functions are core methods of the Foldable type class, about which we are going to learn in this article.
foldr and foldl for a list
First, let’s figure out what foldr and foldl are for a list.
Consider the following type signatures:
foldr :: (a -> b -> b) -> b -> [a] -> b
foldl :: (b -> a -> b) -> b -> [a] -> b
foldr
The foldr signature corresponds to the function folding the list from right to left. It takes a function f of type a -> b -> b as the first argument, an initial (or base) value z of type b as the second argument, and a list xs = [x₁, x₂, ..., xₙ] of type [a] as the third one.
Let’s trace it step-by-step.
1. Introduce an accumulator acc, which is equal to z at start.
2. f is applied to the last element of the list (xₙ) and a base element z, the result of which is written in the accumulator – xₙ f z.
3. f is applied to the second-to-last element of the list and the current value of the accumulator – xₙ₋₁ f (xₙ f z).
4. After going through all the elements of the list, foldr returns the accumulator as a summary value, which finally equals to x₁ f (x₂ f ... (xₙ₋₁ f (xₙ f z)) ... ).
acc = z
acc = xₙ f z
acc = xₙ₋₁ f (xₙ f z)
...
acc = x₁ f (x₂ f ( ... (xₙ₋₁ f (xₙ f z)) ... )
This process could be represented as a picture:
foldl
Unlike foldr, foldl performs left-to-right folding of a list. Therefore, f is applied to z and x₁ first – acc = z f x1 – then f is applied to the current value of the accumulator and x₂acc = (z f x₁) f x₂ – and so on. Finally, foldl returns acc = ( ... ((z f x₁) f x₂) f ... xₙ₋₁) f xₙ.
acc = z
acc = z f x₁
acc = (z f x₁) f x₂
...
acc = ( ... (z f x₁) f x₂) f ...) f xₙ₋₁) f xₙ
The corresponding illustration of these operations:
The recursive Haskell definition of foldr is the following:
instance Foldable [] where
foldr :: (a -> b -> b) -> b -> [a] -> b
foldr _ z [] = z
foldr f z (x:xs) = x f foldr f z xs
foldl is similar; implementing it is one of the exercises below.
Simple examples
Let’s consider a couple of simple examples of applying foldr and foldl to a list:
-- addition
ghci> foldr (+) 0 [1, 2, 3] -- 1 + (2 + (3 + 0))
6
ghci> foldl (+) 0 [1, 2, 3] -- ((0 + 1) + 2) + 3
6
-- exponentiation
ghci> foldr (^) 2 [2, 3] -- 2 ^ (3 ^ 2)
512
ghci> foldl (^) 2 [2, 3] -- (2 ^ 2) ^ 3
64
As you can see, it doesn’t matter to the addition if the folding is right-to-left or left-to-right since its operator is associative. However, when folding with an exponentiation operator, the order is significant.
Generalization of foldr and foldl
Fortunately, it’s possible to fold not only lists! We can implement the instance of Foldable whenever a data type has one type argument, in other words, when its kind is * -> *.
To figure out the kind of Haskell data type, you can write :kind (or :k) in GHCi. To display the type of a Haskell expression, use :type (or :t).
For instance, a list has one type argument – the type of the list’s elements:
ghci> :kind []
[] :: * -> *
ghci> :type [1 :: Int, 2, 3]
[1, 2, 3] :: [Int]
ghci> :type ['a', 'b']
['a', 'b'] :: [Char]
Maybe a data type also has one type argument – the type of presented value:
ghci> :kind Maybe
Maybe :: * -> *
ghci> :type Just (2 :: Int)
Just 2 :: Maybe Int
ghci> :type Just "abc"
Just "abc" :: Maybe [Char]
ghci> :type Nothing
Nothing :: Maybe a -- can't decide what type a is
Int and String have no type arguments, and you can’t fold them:
ghci> :kind Int
Int :: *
ghci> :type (1 :: Int)
1 :: Int
ghci> :kind String
String :: *
ghci> :type ""
"" :: [Char]
ghci> :type "ab"
"ab" :: [Char]
Either a b data type has two type arguments corresponding to Left and Right values, so there is also no reasonable way to fold an Either a b. But we could define instance Foldable (Either a) since Either a has an appropriate * -> * kind. The same for the pair data type – instance Foldable ((,) a) – is possible. However, such instances are not intuitive since they operate on only one of type arguments.
ghci> :kind Either
Either :: * -> * -> *
ghci> :type Left (1 :: Int)
Left 1 :: Either Int b -- can't decide what type argument b is
ghci> :type Right 'a'
Right 'a' :: Either a Char -- can't decide what type argument a is
ghci> :kind Either Int
Either Int :: * -> *
ghci> :kind (,) Char
(,) Char :: * -> *
For those data types which could have a Foldable instance, generalized versions of foldr and foldl have the following type signatures:
foldr :: Foldable t => (a -> b -> b) -> b -> t a -> b
foldl :: Foldable t => (b -> a -> b) -> b -> t a -> b
Some instances as an example
Maybe a
Let’s take a look at other instances of Foldable. One easy-to-understand example is Maybe a’s instance. Folding Nothing returns a base element, and reducing Just x with foldr f z (or foldl f z) is applying f to x and z:
instance Foldable Maybe where
foldr :: (a -> b -> b) -> b -> Maybe a -> b
foldr _ z Nothing = z
foldr f z (Just x) = f x z
Usage examples:
ghci> foldr (+) 1 (Just 2)
3
ghci> foldr (+) 1 Nothing
1
BinarySearchTree a
A more interesting and useable Foldable instance could be defined for a BinarySearchTree a data type.
Consider a binary search tree, each node of which either:
• stores a value of type a and has left and right subtrees;
• is a leaf without a value.
Moreover, for each non-leaf node n:
• all values in its left subtree should be less or equal than the n’s value;
• and all values in its right subtree should be greater than the n’s value.
This structure matches the following Haskell definition:
data BinarySearchTree a
= Branch (BinarySearchTree a) a (BinarySearchTree a)
| Leaf
Imagine that we want to reduce the whole tree to just one value. We could sum values of nodes, multiply them, or perform any other binary operation. So, it’s reasonable to define a folding function that matches your goals. We suggest you try to implement a Foldable instance on your own; it’s one of the exercises below. Take into account that to define foldr, we need to go through the tree’s elements from right to left – from right subtree to left subtree through the non-leaf node connecting them.
What do you need to define a Foldable instance?
To answer this question, we need to look into another method of Foldable, foldMap.
foldMap
foldMap has the following declaration:
foldMap :: (Monoid m, Foldable t) => (a -> m) -> t a -> m
It’s important to note that foldMap has a Monoid constraint. Its first argument is a function that maps each element of a container into a monoid, the second argument is a container itself. After mapping elements, the results are combined using (<>) operator. The order of folding is from right to left, so foldMap could be implemented via foldr.
Let’s look at how exactly that could be done:
foldMap :: (Monoid m, Foldable t) => (a -> m) -> t a -> m
foldMap f = foldr (\x acc -> f x <> acc) mempty
foldMap doesn’t have a base element since only the elements of the container are reduced. However, foldr does, so it perfectly makes sense to use the identity of monoid – mempty. We can also see that the folding function f is composed with (<>), thus, the current result is appended to a monoid accumulator on each step.
Recall how list elements can be summed with foldr:
ghci> foldr (+) 0 [1, 2, 3]
6
To do the same in terms of monoid, consider a monoid under addition – Sum. We can use foldMap and Sum to perform the addition of list elements:
-- import Data.Monoid to get Sum
ghci> import Data.Monoid
ghci> foldMap Sum [1, 2, 3]
Sum {getSum = 6}
Note that here constructor Sum is a function that turns a list element into monoid. As expected, we get the same result wrapped in Sum that can easily be accessed via getSum.
To conclude, foldMap and foldr are interchangeable, the difference is that the former receives the combiner and the base element from the Monoid instance, and the latter accepts them explicitly.
Minimal complete definition
We have already shown how foldMap is implemented using foldr. It’s not obvious, but foldr could also be implemented via foldMap! It’s off-topic for this article, therefore, please proceed to the documentation for the details.
Consequently, to create the Foldable instance, you can provide a definition of either foldr or foldMap, which is exactly the minimal complete definition – foldMap | foldr. Note that you shouldn’t implement foldMap in terms of foldr and simultaneously foldr in terms of foldMap since this will just loop forever. Thus, you implement one of them, and Haskell provides the definitions of all Foldable’s methods automatically.
Strict foldl'
Haskell uses lazy evaluation by default, and it can have a positive effect on performance in a lot of cases. But laziness might also impact it negatively sometimes, and folding is exactly this case.
Imagine that you want to sum up the elements of a really huge list. When using foldl or foldr, the value of the accumulator isn’t evaluated on each step, so a thunk is accumulated. Considering foldl, in the first step the thunk is just z f x₁, in the second – (z f x₁) f x₂, that’s not a big deal. But in the final step, the accumulator stores ( ... (z f x₁) f x₂) f ...) f xₙ₋₁) f xₙ. If the list’s length is above ~10^8, the thunk becomes too large to store it in a memory, and we get ** Exception: stack overflow. However, that’s not the reason to drop Haskell since we have foldl'!
foldl' enforces weak head normal form in each step, thus preventing a thunk from being accumulated. So foldl' is often a desirable way to reduce a container, especially when it’s large, and you want a final strict result.
Here are some “benchmarks” that may vary depending on a computer’s characteristics. But they are illustrative enough to grasp the difference between the performance of a strict and a lazy fold.
-- set GHCi option to show time and memory consuming
ghci> :set +s
-- lazy foldl and foldr
ghci> foldl (+) 0 [1..10^7]
50000005000000
(1.97 secs, 1,612,359,432 bytes)
ghci> foldr (+) 0 [1..10^7]
50000005000000
(1.50 secs, 1,615,360,800 bytes)
-- lazy foldl and foldr
ghci> foldl (+) 0 [1..10^8]
*** Exception: stack overflow
ghci> foldr (+) 0 [1..10^8]
*** Exception: stack overflow
-- strict foldl'
ghci> foldl' (+) 0 [1..10^8]
5000000050000000
(1.43 secs, 8,800,060,520 bytes)
ghci> foldl' (+) 0 [1..10^9]
500000000500000000
(15.28 secs, 88,000,061,896 bytes)
ghci> foldl' (+) 0 [1..10^10]
50000000005000000000
(263.51 secs, 1,139,609,364,240 bytes)
Other methods of Foldable
foldl, foldr, and foldMap could be considered the core for understanding the nature of Foldable. Nonetheless, there are others which are worth mentioning. You get these automatically by defining foldr or foldMap.
• length, which you might know, is implemented via foldl'.
• maximum and minimum use strict foldMap' in their definitions.
• null, which checks if a container is empty, is also implemented by reducing the latter with foldr.
• You may wonder, where is the good old for loop? Fortunately, Haskell also provides it, which would have been impossible without Foldable.
All in all, even if you use foldr and foldl themselves very seldom, you will find other primitives of Foldable quite useful. You might proceed to the documentation to get to know them better.
Exercises
The theoretical part of our article is over. We hope that you know what Foldable is now! We suggest you to try out your new knowledge with our mini exercises.
1. Which definition is correct?
foldr (\s rest -> rest + length s) 0 ["aaa", "bbb", "s"]
foldr (\rest s -> rest + length s) 0 ["aaa", "bbb", "s"]
Solution
The first definition is correct. Recall the type signature of the foldr’s first argument – a -> b -> b. a type here corresponds to the type of container, b type, in turn, is the type of an accumulator. In this example, the length of a current string is added to the accumulator in each step, so s matches the current element which has the type of a container – a.
2. Implement foldl recursively.
Hint: look at the foldr definition above.
Solution
foldl :: (b -> a -> b) -> b -> [a] -> b
foldl _ z [] = z
foldl f z (x:xs) = foldl f (z f x) xs
3. Implement foldr for the BinarySearchTree a.
Bear in mind that to allow type signature in instance definition, you need to use the InstanceSigs extension.
Expected behaviour:
-- Binary search tree from the example picture above
ghci> binarySearchTree = Branch (Branch Leaf 1 (Branch Leaf 3 Leaf)) 4 (Branch Leaf 6 (Branch Leaf 7 Leaf))
ghci> foldr (+) 0 binarySearchTree
21
ghci> foldr (-) 0 binarySearchTree
3
ghci> foldl (-) 0 binarySearchTree
-21
Solution
instance Foldable BinarySearchTree where
foldr :: (a -> b -> b) -> b -> BinarySearchTree a -> b
foldr _ z Leaf = z
foldr f z (Branch left node right) = foldr f (node f foldr f z right) left
4. Implement a reverse function for lists via foldl.
Expected behaviour:
ghci> reverse [1, 2, 3]
[3, 2, 1]
Solution
reverse :: [a] -> [a]
reverse = foldl (\acc x -> x:acc) []
5. Implement a prefixes function for lists via foldr.
Expected behaviour:
ghci> prefixes [1, 2, 3]
[[1], [1, 2], [1, 2, 3]]
ghci> prefixes []
[]
Solution
prefixes :: [a] -> [[a]]
prefixes = foldr (\x acc -> [x] : (map (x :) acc)) []
6. Implement the sum of the squares via both foldr and foldMap.
Expected behaviour:
ghci> sumSquares [1, 2, 3]
14
ghci> sumSquares []
0
Solution with plain foldr
sumSquares :: [Int] -> Int
sumSquares = foldr (\x acc -> x^2 + acc) 0
Solution with foldr and map
sumSquares :: [Int] -> Int
sumSquares xs = foldr (+) 0 (map (^2) xs)
Solution with foldMap and getSum
sumSquares :: [Int] -> Int
sumSquares xs = getSum (foldMap (\x -> Sum x^2) xs)
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 0, "mathjax_display_tex": 0, "mathjax_asciimath": 1, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 0.5015348196029663, "perplexity": 3792.9720383726058}, "config": {"markdown_headings": false, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2022-49/segments/1669446710712.51/warc/CC-MAIN-20221129232448-20221130022448-00489.warc.gz"}
|
https://wiki.eyewire.org/index.php?title=Feedforward_backpropagation&oldid=886
|
# Feedforward backpropagation
Feedforward backpropagation is an error-driven learning technique popularized in 1986 by David Rumelhart (1942-2011), an American psychologist, Geoffrey Hinton (1947-), a British informatician, and Ronald Williams, an American professor of computer science.[1] It is a supervised learning technique, meaning that the desired outputs are known beforehand, and the task of the network is to learn to generate the desired outputs from the inputs.
## Model
Model of a neuron. j is the index of the neuron when there is more than one neuron. The activation function for feedforward backpropagation is sigmoidal.
Given a set of k-dimensional inputs with values between 0 and 1 represented as a column vector:
$\vec{x} = [x_1, x_2, \cdots, x_k]^T$
and a nonlinear neuron with (initially random, uniformly distributed between -1 and 1) synaptic weights from the inputs:
$\vec{w} = [w_1, w_2, \cdots, w_k]^T$
then the output of the neuron is defined as follows:
$y = \varphi \left ( \vec{w}^T \vec{x} \right ) = \varphi \left ( \sum_{i=1}^k w_i x_i \right )$
where $\varphi \left ( \cdot \right )$ is a sigmoidal function. We will assume that the sigmoidal function is the simple logistic function:
$\varphi \left ( \nu \right ) = \frac{1}{1+e^{-\nu}}$
This function has the useful property that
$\frac{\mathrm{d} \varphi }{\mathrm{d} \nu} = \varphi \left ( \nu \right ) \left ( 1 - \varphi \left ( \nu \right ) \right )$
Feedforward backpropagation is typically applied to multiple layers of neurons, where the inputs are called the input layer, the layer of neurons taking the inputs is called the hidden layer, and the next layer of neurons taking their inputs from the outputs of the hidden layer is called the output layer. There is no direct connectivity between the output layer and the input layer.
If there are $N_I$ inputs, $N_H$ hidden neurons, and $N_O$ output neurons, and the weights from inputs to hidden neurons are $w_{Hij}$ ($i$ being the input index and $j$ being the hidden neuron index), and the weights from hidden neurons to output neurons are $w_{Oij}$ ($i$ being the hidden neuron index and $j$ being the output neuron index), then the equations for the network are as follows:
\begin{align} n_{Hj} &= \sum_{i=1}^{N_I} w_{Hij} x_i, j \in \left \{ 1, 2, \cdots, N_H \right \} \\ y_{Hj} &= \varphi \left ( n_{Hj} \right ) \\ n_{Oj} &= \sum_{i=1}^{N_H} w_{Oij} y_{Hi}, j \in \left \{ 1, 2, \cdots, N_O \right \} \\ y_{Oj} &= \varphi \left ( n_{Oj} \right )\\ \end{align}
If the desired outputs for a given input vector are $t_j, j \in \left \{ 1, 2, \cdots, N_O \right \}$, then the update rules for the weights are as follows:
\begin{align} \delta_{Oj} &= \left ( t_j-y_{Oj} \right )\\ \Delta w_{Oij} &= \eta \delta_{Oj} y_{Hi} \\ \delta_{Hj} &= \left ( \sum_{k=1}^{N_O} \delta_{Ok} w_{Ojk} \right ) y_{Hj} \left ( 1-y_{Hj} \right ) \\ \Delta w_{Hij} &= \eta \delta_{Hj} x_i \end{align}
where $\eta$ is some small learning rate, $\delta_{Oj}$ is an error term for output neuron $j$ and $\delta_{Hj}$ is a backpropagated error term for hidden neuron $j$.
## Derivation
We first define an error term which is the cross-entropy of the output and target. We use cross-entropy because, in a sense, each output neuron represents a hypothesis about what the input represents, and the activation of the neuron represents a probability that the hypothesis is correct.
$E = -\sum_{j=1}^{N_O} t_j \ln y_{Oj} + \left ( 1-t_j \right ) \ln \left (1 - y_{Oj} \right )$
The lower the cross entropy, the more accurately the network represents what needs to be learned.
Next, we determine how the error changes based on changes to an individual weight from hidden neuron to output neuron:
\begin{align} \frac{\partial E }{\partial w_{Oij}} &= \frac{\partial E }{\partial y_{Oj}} \frac{\mathrm{d} y_{Oj} }{\mathrm{d} n_{Oj}} \frac{\partial n_{Oj}}{\partial w_{Oij}} \\ &= - \left [ \frac{t_j}{y_{Oj}} - \frac{1-t_j}{1-y_{Oj}} \right ] \frac{\mathrm{d} \varphi }{\mathrm{d} n_{Oj}} y_{Hi} \\ &= - \left [ \frac{t_j}{y_{Oj}} - \frac{1-t_j}{1-y_{Oj}} \right ] \varphi \left ( n_{Oj} \right ) \left ( 1 - \varphi \left ( n_{Oj} \right ) \right ) y_{Hi} \\ &= - \left [ \frac{t_j}{y_{Oj}} - \frac{1-t_j}{1-y_{Oj}} \right ] y_{Oj} \left ( 1-y_{Oj} \right ) y_{Hi} \\ &= \left ( y_{Oj} - t_j \right ) y_{Hi} \end{align}
We then want to change $w_{Oij}$ slightly in the direction which reduces $E$, that is, $\Delta w_{Oij} \propto - \partial E / \partial w_{Oij}$. This is called gradient descent.
\begin{align} \Delta w_{Oij} &= - \eta \left ( y_{Oj} - t_j \right ) y_{Hi} \\ &= \eta \left ( t_j - y_{Oj} \right ) y_{Hi} \\ &= \eta \delta_{Oj} y_{Hi} \end{align}
We do the same thing to find the update rule for the weights between input and hidden neurons:
\begin{align} \frac{\partial E }{\partial w_{Hij}} &= \frac{\partial E }{\partial y_{Hj}} \frac{\mathrm{d} y_{Hj} }{\mathrm{d} n_{Hj}} \frac{\partial n_{Hj}}{\partial w_{Hij}} \\ &= \left ( \sum_{k=1}^{N_O} \frac{\partial E }{\partial y_{Ok}} \frac{\mathrm{d} y_{Ok} }{\mathrm{d} n_{Ok}} \frac{\partial n_{Ok}}{\partial y_{Hj}} \right ) \frac{\mathrm{d} y_{Hj} }{\mathrm{d} n_{Hj}} \frac{\partial n_{Hj}}{\partial w_{Hij}} \\ &= \left ( \sum_{k=1}^{N_O} \left ( y_{Ok} - t_k \right ) w_{Ojk} \right ) \frac{\mathrm{d} \varphi }{\mathrm{d} n_{Hj}} x_i \\ &= \left ( \sum_{k=1}^{N_O} \left ( y_{Ok} - t_k \right ) w_{Ojk} \right ) y_{Hj} \left ( 1 - y_{Hj} \right ) x_i \\ &= \left ( \sum_{k=1}^{N_O} - \delta_{Ok} w_{Ojk} \right ) y_{Hj} \left ( 1 - y_{Hj} \right ) x_i \end{align}
We then want to change $w_{Hij}$ slightly in the direction which reduces $E$, that is, $\Delta w_{Hij} \propto - \partial E / \partial w_{Hij}$:
\begin{align} \Delta w_{Hij} &= - \eta \left ( \sum_{k=1}^{N_O} - \delta_{Ok} w_{Ojk} \right ) y_{Hj} \left ( 1 - y_{Hj} \right ) x_i \\ &= \eta \left ( \sum_{k=1}^{N_O} \delta_{Ok} w_{Ojk} \right ) y_{Hj} \left ( 1 - y_{Hj} \right ) x_i \\ &= \eta \delta_{Hj} x_i \end{align}
## Objections
While mathematically sound, the feedforward backpropagation algorithm has been called biologically implausible due to its requirements for neural connections to communicate backwards.[2]
## References
1. Script error: No such module "Citation/CS1".
2. Template:Cite book
|
{"extraction_info": {"found_math": true, "script_math_tex": 0, "script_math_asciimath": 0, "math_annotations": 0, "math_alttext": 0, "mathml": 0, "mathjax_tag": 0, "mathjax_inline_tex": 1, "mathjax_display_tex": 0, "mathjax_asciimath": 0, "img_math": 0, "codecogs_latex": 0, "wp_latex": 0, "mimetex.cgi": 0, "/images/math/codecogs": 0, "mathtex.cgi": 0, "katex": 0, "math-container": 0, "wp-katex-eq": 0, "align": 0, "equation": 0, "x-ck12": 0, "texerror": 0, "math_score": 1.0000096559524536, "perplexity": 2215.414391906519}, "config": {"markdown_headings": true, "markdown_code": true, "boilerplate_config": {"ratio_threshold": 0.18, "absolute_threshold": 10, "end_threshold": 15, "enable": true}, "remove_buttons": true, "remove_image_figures": true, "remove_link_clusters": true, "table_config": {"min_rows": 2, "min_cols": 3, "format": "plain"}, "remove_chinese": true, "remove_edit_buttons": true, "extract_latex": true}, "warc_path": "s3://commoncrawl/crawl-data/CC-MAIN-2021-10/segments/1614178364027.59/warc/CC-MAIN-20210302160319-20210302190319-00297.warc.gz"}
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.