Sample records for gradient descent learning

  1. Gradient descent learning algorithm overview: a general dynamical systems perspective.

    PubMed

    Baldi, P

    1995-01-01

    Gives a unified treatment of gradient descent learning algorithms for neural networks using a general framework of dynamical systems. This general approach organizes and simplifies all the known algorithms and results which have been originally derived for different problems (fixed point/trajectory learning), for different models (discrete/continuous), for different architectures (forward/recurrent), and using different techniques (backpropagation, variational calculus, adjoint methods, etc.). The general approach can also be applied to derive new algorithms. The author then briefly examines some of the complexity issues and limitations intrinsic to gradient descent learning. Throughout the paper, the author focuses on the problem of trajectory learning.

  2. An online supervised learning method based on gradient descent for spiking neurons.

    PubMed

    Xu, Yan; Yang, Jing; Zhong, Shuiming

    2017-09-01

    The purpose of supervised learning with temporal encoding for spiking neurons is to make the neurons emit a specific spike train encoded by precise firing times of spikes. The gradient-descent-based (GDB) learning methods are widely used and verified in the current research. Although the existing GDB multi-spike learning (or spike sequence learning) methods have good performance, they work in an offline manner and still have some limitations. This paper proposes an online GDB spike sequence learning method for spiking neurons that is based on the online adjustment mechanism of real biological neuron synapses. The method constructs error function and calculates the adjustment of synaptic weights as soon as the neurons emit a spike during their running process. We analyze and synthesize desired and actual output spikes to select appropriate input spikes in the calculation of weight adjustment in this paper. The experimental results show that our method obviously improves learning performance compared with the offline learning manner and has certain advantage on learning accuracy compared with other learning methods. Stronger learning ability determines that the method has large pattern storage capacity. Copyright © 2017 Elsevier Ltd. All rights reserved.

  3. Machine learning for inverse lithography: using stochastic gradient descent for robust photomask synthesis

    NASA Astrophysics Data System (ADS)

    Jia, Ningning; Y Lam, Edmund

    2010-04-01

    Inverse lithography technology (ILT) synthesizes photomasks by solving an inverse imaging problem through optimization of an appropriate functional. Much effort on ILT is dedicated to deriving superior masks at a nominal process condition. However, the lower k1 factor causes the mask to be more sensitive to process variations. Robustness to major process variations, such as focus and dose variations, is desired. In this paper, we consider the focus variation as a stochastic variable, and treat the mask design as a machine learning problem. The stochastic gradient descent approach, which is a useful tool in machine learning, is adopted to train the mask design. Compared with previous work, simulation shows that the proposed algorithm is effective in producing robust masks.

  4. Momentum-weighted conjugate gradient descent algorithm for gradient coil optimization.

    PubMed

    Lu, Hanbing; Jesmanowicz, Andrzej; Li, Shi-Jiang; Hyde, James S

    2004-01-01

    MRI gradient coil design is a type of nonlinear constrained optimization. A practical problem in transverse gradient coil design using the conjugate gradient descent (CGD) method is that wire elements move at different rates along orthogonal directions (r, phi, z), and tend to cross, breaking the constraints. A momentum-weighted conjugate gradient descent (MW-CGD) method is presented to overcome this problem. This method takes advantage of the efficiency of the CGD method combined with momentum weighting, which is also an intrinsic property of the Levenberg-Marquardt algorithm, to adjust step sizes along the three orthogonal directions. A water-cooled, 12.8 cm inner diameter, three axis torque-balanced gradient coil for rat imaging was developed based on this method, with an efficiency of 2.13, 2.08, and 4.12 mT.m(-1).A(-1) along X, Y, and Z, respectively. Experimental data demonstrate that this method can improve efficiency by 40% and field uniformity by 27%. This method has also been applied to the design of a gradient coil for the human brain, employing remote current return paths. The benefits of this design include improved gradient field uniformity and efficiency, with a shorter length than gradient coil designs using coaxial return paths. Copyright 2003 Wiley-Liss, Inc.

  5. Error analysis of stochastic gradient descent ranking.

    PubMed

    Chen, Hong; Tang, Yi; Li, Luoqing; Yuan, Yuan; Li, Xuelong; Tang, Yuanyan

    2013-06-01

    Ranking is always an important task in machine learning and information retrieval, e.g., collaborative filtering, recommender systems, drug discovery, etc. A kernel-based stochastic gradient descent algorithm with the least squares loss is proposed for ranking in this paper. The implementation of this algorithm is simple, and an expression of the solution is derived via a sampling operator and an integral operator. An explicit convergence rate for leaning a ranking function is given in terms of the suitable choices of the step size and the regularization parameter. The analysis technique used here is capacity independent and is novel in error analysis of ranking learning. Experimental results on real-world data have shown the effectiveness of the proposed algorithm in ranking tasks, which verifies the theoretical analysis in ranking error.

  6. Fractional-order gradient descent learning of BP neural networks with Caputo derivative.

    PubMed

    Wang, Jian; Wen, Yanqing; Gou, Yida; Ye, Zhenyun; Chen, Hua

    2017-05-01

    Fractional calculus has been found to be a promising area of research for information processing and modeling of some physical systems. In this paper, we propose a fractional gradient descent method for the backpropagation (BP) training of neural networks. In particular, the Caputo derivative is employed to evaluate the fractional-order gradient of the error defined as the traditional quadratic energy function. The monotonicity and weak (strong) convergence of the proposed approach are proved in detail. Two simulations have been implemented to illustrate the performance of presented fractional-order BP algorithm on three small datasets and one large dataset. The numerical simulations effectively verify the theoretical observations of this paper as well. Copyright © 2017 Elsevier Ltd. All rights reserved.

  7. Gradient descent for robust kernel-based regression

    NASA Astrophysics Data System (ADS)

    Guo, Zheng-Chu; Hu, Ting; Shi, Lei

    2018-06-01

    In this paper, we study the gradient descent algorithm generated by a robust loss function over a reproducing kernel Hilbert space (RKHS). The loss function is defined by a windowing function G and a scale parameter σ, which can include a wide range of commonly used robust losses for regression. There is still a gap between theoretical analysis and optimization process of empirical risk minimization based on loss: the estimator needs to be global optimal in the theoretical analysis while the optimization method can not ensure the global optimality of its solutions. In this paper, we aim to fill this gap by developing a novel theoretical analysis on the performance of estimators generated by the gradient descent algorithm. We demonstrate that with an appropriately chosen scale parameter σ, the gradient update with early stopping rules can approximate the regression function. Our elegant error analysis can lead to convergence in the standard L 2 norm and the strong RKHS norm, both of which are optimal in the mini-max sense. We show that the scale parameter σ plays an important role in providing robustness as well as fast convergence. The numerical experiments implemented on synthetic examples and real data set also support our theoretical results.

  8. Accelerating deep neural network training with inconsistent stochastic gradient descent.

    PubMed

    Wang, Linnan; Yang, Yi; Min, Renqiang; Chakradhar, Srimat

    2017-09-01

    Stochastic Gradient Descent (SGD) updates Convolutional Neural Network (CNN) with a noisy gradient computed from a random batch, and each batch evenly updates the network once in an epoch. This model applies the same training effort to each batch, but it overlooks the fact that the gradient variance, induced by Sampling Bias and Intrinsic Image Difference, renders different training dynamics on batches. In this paper, we develop a new training strategy for SGD, referred to as Inconsistent Stochastic Gradient Descent (ISGD) to address this problem. The core concept of ISGD is the inconsistent training, which dynamically adjusts the training effort w.r.t the loss. ISGD models the training as a stochastic process that gradually reduces down the mean of batch's loss, and it utilizes a dynamic upper control limit to identify a large loss batch on the fly. ISGD stays on the identified batch to accelerate the training with additional gradient updates, and it also has a constraint to penalize drastic parameter changes. ISGD is straightforward, computationally efficient and without requiring auxiliary memories. A series of empirical evaluations on real world datasets and networks demonstrate the promising performance of inconsistent training. Copyright © 2017 Elsevier Ltd. All rights reserved.

  9. Understanding the Convolutional Neural Networks with Gradient Descent and Backpropagation

    NASA Astrophysics Data System (ADS)

    Zhou, XueFei

    2018-04-01

    With the development of computer technology, the applications of machine learning are more and more extensive. And machine learning is providing endless opportunities to develop new applications. One of those applications is image recognition by using Convolutional Neural Networks (CNNs). CNN is one of the most common algorithms in image recognition. It is significant to understand its theory and structure for every scholar who is interested in this field. CNN is mainly used in computer identification, especially in voice, text recognition and other aspects of the application. It utilizes hierarchical structure with different layers to accelerate computing speed. In addition, the greatest features of CNNs are the weight sharing and dimension reduction. And all of these consolidate the high effectiveness and efficiency of CNNs with idea computing speed and error rate. With the help of other learning altruisms, CNNs could be used in several scenarios for machine learning, especially for deep learning. Based on the general introduction to the background and the core solution CNN, this paper is going to focus on summarizing how Gradient Descent and Backpropagation work, and how they contribute to the high performances of CNNs. Also, some practical applications will be discussed in the following parts. The last section exhibits the conclusion and some perspectives of future work.

  10. Applying Gradient Descent in Convolutional Neural Networks

    NASA Astrophysics Data System (ADS)

    Cui, Nan

    2018-04-01

    With the development of the integrated circuit and computer science, people become caring more about solving practical issues via information technologies. Along with that, a new subject called Artificial Intelligent (AI) comes up. One popular research interest of AI is about recognition algorithm. In this paper, one of the most common algorithms, Convolutional Neural Networks (CNNs) will be introduced, for image recognition. Understanding its theory and structure is of great significance for every scholar who is interested in this field. Convolution Neural Network is an artificial neural network which combines the mathematical method of convolution and neural network. The hieratical structure of CNN provides it reliable computer speed and reasonable error rate. The most significant characteristics of CNNs are feature extraction, weight sharing and dimension reduction. Meanwhile, combining with the Back Propagation (BP) mechanism and the Gradient Descent (GD) method, CNNs has the ability to self-study and in-depth learning. Basically, BP provides an opportunity for backwardfeedback for enhancing reliability and GD is used for self-training process. This paper mainly discusses the CNN and the related BP and GD algorithms, including the basic structure and function of CNN, details of each layer, the principles and features of BP and GD, and some examples in practice with a summary in the end.

  11. Understanding and Optimizing Asynchronous Low-Precision Stochastic Gradient Descent

    PubMed Central

    De Sa, Christopher; Feldman, Matthew; Ré, Christopher; Olukotun, Kunle

    2018-01-01

    Stochastic gradient descent (SGD) is one of the most popular numerical algorithms used in machine learning and other domains. Since this is likely to continue for the foreseeable future, it is important to study techniques that can make it run fast on parallel hardware. In this paper, we provide the first analysis of a technique called Buckwild! that uses both asynchronous execution and low-precision computation. We introduce the DMGC model, the first conceptualization of the parameter space that exists when implementing low-precision SGD, and show that it provides a way to both classify these algorithms and model their performance. We leverage this insight to propose and analyze techniques to improve the speed of low-precision SGD. First, we propose software optimizations that can increase throughput on existing CPUs by up to 11×. Second, we propose architectural changes, including a new cache technique we call an obstinate cache, that increase throughput beyond the limits of current-generation hardware. We also implement and analyze low-precision SGD on the FPGA, which is a promising alternative to the CPU for future SGD systems. PMID:29391770

  12. Noise-shaping gradient descent-based online adaptation algorithms for digital calibration of analog circuits.

    PubMed

    Chakrabartty, Shantanu; Shaga, Ravi K; Aono, Kenji

    2013-04-01

    Analog circuits that are calibrated using digital-to-analog converters (DACs) use a digital signal processor-based algorithm for real-time adaptation and programming of system parameters. In this paper, we first show that this conventional framework for adaptation yields suboptimal calibration properties because of artifacts introduced by quantization noise. We then propose a novel online stochastic optimization algorithm called noise-shaping or ΣΔ gradient descent, which can shape the quantization noise out of the frequency regions spanning the parameter adaptation trajectories. As a result, the proposed algorithms demonstrate superior parameter search properties compared to floating-point gradient methods and better convergence properties than conventional quantized gradient-methods. In the second part of this paper, we apply the ΣΔ gradient descent algorithm to two examples of real-time digital calibration: 1) balancing and tracking of bias currents, and 2) frequency calibration of a band-pass Gm-C biquad filter biased in weak inversion. For each of these examples, the circuits have been prototyped in a 0.5-μm complementary metal-oxide-semiconductor process, and we demonstrate that the proposed algorithm is able to find the optimal solution even in the presence of spurious local minima, which are introduced by the nonlinear and non-monotonic response of calibration DACs.

  13. Manifold regularized discriminative nonnegative matrix factorization with fast gradient descent.

    PubMed

    Guan, Naiyang; Tao, Dacheng; Luo, Zhigang; Yuan, Bo

    2011-07-01

    Nonnegative matrix factorization (NMF) has become a popular data-representation method and has been widely used in image processing and pattern-recognition problems. This is because the learned bases can be interpreted as a natural parts-based representation of data and this interpretation is consistent with the psychological intuition of combining parts to form a whole. For practical classification tasks, however, NMF ignores both the local geometry of data and the discriminative information of different classes. In addition, existing research results show that the learned basis is unnecessarily parts-based because there is neither explicit nor implicit constraint to ensure the representation parts-based. In this paper, we introduce the manifold regularization and the margin maximization to NMF and obtain the manifold regularized discriminative NMF (MD-NMF) to overcome the aforementioned problems. The multiplicative update rule (MUR) can be applied to optimizing MD-NMF, but it converges slowly. In this paper, we propose a fast gradient descent (FGD) to optimize MD-NMF. FGD contains a Newton method that searches the optimal step length, and thus, FGD converges much faster than MUR. In addition, FGD includes MUR as a special case and can be applied to optimizing NMF and its variants. For a problem with 165 samples in R(1600), FGD converges in 28 s, while MUR requires 282 s. We also apply FGD in a variant of MD-NMF and experimental results confirm its efficiency. Experimental results on several face image datasets suggest the effectiveness of MD-NMF.

  14. 14 CFR 23.69 - Enroute climb/descent.

    Code of Federal Regulations, 2010 CFR

    2010-01-01

    ... climb/descent. (a) All engines operating. The steady gradient and rate of climb must be determined at.... The steady gradient and rate of climb/descent must be determined at each weight, altitude, and ambient...

  15. A pipeline leakage locating method based on the gradient descent algorithm

    NASA Astrophysics Data System (ADS)

    Li, Yulong; Yang, Fan; Ni, Na

    2018-04-01

    A pipeline leakage locating method based on the gradient descent algorithm is proposed in this paper. The method has low computing complexity, which is suitable for practical application. We have built experimental environment in real underground pipeline network. A lot of real data has been gathered in the past three months. Every leak point has been certificated by excavation. Results show that positioning error is within 0.4 meter. Rate of false alarm and missing alarm are both under 20%. The calculating time is not above 5 seconds.

  16. Nonlinear Performance Seeking Control using Fuzzy Model Reference Learning Control and the Method of Steepest Descent

    NASA Technical Reports Server (NTRS)

    Kopasakis, George

    1997-01-01

    Performance Seeking Control (PSC) attempts to find and control the process at the operating condition that will generate maximum performance. In this paper a nonlinear multivariable PSC methodology will be developed, utilizing the Fuzzy Model Reference Learning Control (FMRLC) and the method of Steepest Descent or Gradient (SDG). This PSC control methodology employs the SDG method to find the operating condition that will generate maximum performance. This operating condition is in turn passed to the FMRLC controller as a set point for the control of the process. The conventional SDG algorithm is modified in this paper in order for convergence to occur monotonically. For the FMRLC control, the conventional fuzzy model reference learning control methodology is utilized, with guidelines generated here for effective tuning of the FMRLC controller.

  17. Gradient descent algorithm applied to wavefront retrieval from through-focus images by an extreme ultraviolet microscope with partially coherent source

    DOE PAGES

    Yamazoe, Kenji; Mochi, Iacopo; Goldberg, Kenneth A.

    2014-12-01

    The wavefront retrieval by gradient descent algorithm that is typically applied to coherent or incoherent imaging is extended to retrieve a wavefront from a series of through-focus images by partially coherent illumination. For accurate retrieval, we modeled partial coherence as well as object transmittance into the gradient descent algorithm. However, this modeling increases the computation time due to the complexity of partially coherent imaging simulation that is repeatedly used in the optimization loop. To accelerate the computation, we incorporate not only the Fourier transform but also an eigenfunction decomposition of the image. As a demonstration, the extended algorithm is appliedmore » to retrieve a field-dependent wavefront of a microscope operated at extreme ultraviolet wavelength (13.4 nm). The retrieved wavefront qualitatively matches the expected characteristics of the lens design.« less

  18. Gradient descent algorithm applied to wavefront retrieval from through-focus images by an extreme ultraviolet microscope with partially coherent source

    DOE Office of Scientific and Technical Information (OSTI.GOV)

    Yamazoe, Kenji; Mochi, Iacopo; Goldberg, Kenneth A.

    The wavefront retrieval by gradient descent algorithm that is typically applied to coherent or incoherent imaging is extended to retrieve a wavefront from a series of through-focus images by partially coherent illumination. For accurate retrieval, we modeled partial coherence as well as object transmittance into the gradient descent algorithm. However, this modeling increases the computation time due to the complexity of partially coherent imaging simulation that is repeatedly used in the optimization loop. To accelerate the computation, we incorporate not only the Fourier transform but also an eigenfunction decomposition of the image. As a demonstration, the extended algorithm is appliedmore » to retrieve a field-dependent wavefront of a microscope operated at extreme ultraviolet wavelength (13.4 nm). The retrieved wavefront qualitatively matches the expected characteristics of the lens design.« less

  19. Programmed gradient descent biosorption of strontium ions by Saccaromyces cerevisiae and ashing analysis: A decrement solution for nuclide and heavy metal disposal.

    PubMed

    Liu, Mingxue; Dong, Faqin; Zhang, Wei; Nie, Xiaoqin; Sun, Shiyong; Wei, Hongfu; Luo, Lang; Xiang, Sha; Zhang, Gege

    2016-08-15

    One of the waste disposal principles is decrement. The programmed gradient descent biosorption of strontium ions by Saccaromyces cerevisiae regarding bioremoval and ashing process for decrement were studied in present research. The results indicated that S. cerevisiae cells showed valid biosorption for strontium ions with greater than 90% bioremoval efficiency for high concentration strontium ions under batch culture conditions. The S. cerevisiae cells bioaccumulated approximately 10% of strontium ions in the cytoplasm besides adsorbing 90% strontium ions on cell wall. The programmed gradient descent biosorption presented good performance with a nearly 100% bioremoval ratio for low concentration strontium ions after 3 cycles. The ashing process resulted in a huge volume and weight reduction ratio as well as enrichment for strontium in the ash. XRD results showed that SrSO4 existed in ash. Simulated experiments proved that sulfate could adjust the precipitation of strontium ions. Finally, we proposed a technological flow process that combined the programmed gradient descent biosorption and ashing, which could yield great decrement and allow the supernatant to meet discharge standard. This technological flow process may be beneficial for nuclides and heavy metal disposal treatment in many fields. Copyright © 2016 Elsevier B.V. All rights reserved.

  20. A conjugate gradient method with descent properties under strong Wolfe line search

    NASA Astrophysics Data System (ADS)

    Zull, N.; ‘Aini, N.; Shoid, S.; Ghani, N. H. A.; Mohamed, N. S.; Rivaie, M.; Mamat, M.

    2017-09-01

    The conjugate gradient (CG) method is one of the optimization methods that are often used in practical applications. The continuous and numerous studies conducted on the CG method have led to vast improvements in its convergence properties and efficiency. In this paper, a new CG method possessing the sufficient descent and global convergence properties is proposed. The efficiency of the new CG algorithm relative to the existing CG methods is evaluated by testing them all on a set of test functions using MATLAB. The tests are measured in terms of iteration numbers and CPU time under strong Wolfe line search. Overall, this new method performs efficiently and comparable to the other famous methods.

  1. Stochastic Spectral Descent for Discrete Graphical Models

    DOE PAGES

    Carlson, David; Hsieh, Ya-Ping; Collins, Edo; ...

    2015-12-14

    Interest in deep probabilistic graphical models has in-creased in recent years, due to their state-of-the-art performance on many machine learning applications. Such models are typically trained with the stochastic gradient method, which can take a significant number of iterations to converge. Since the computational cost of gradient estimation is prohibitive even for modestly sized models, training becomes slow and practically usable models are kept small. In this paper we propose a new, largely tuning-free algorithm to address this problem. Our approach derives novel majorization bounds based on the Schatten- norm. Intriguingly, the minimizers of these bounds can be interpreted asmore » gradient methods in a non-Euclidean space. We thus propose using a stochastic gradient method in non-Euclidean space. We both provide simple conditions under which our algorithm is guaranteed to converge, and demonstrate empirically that our algorithm leads to dramatically faster training and improved predictive ability compared to stochastic gradient descent for both directed and undirected graphical models.« less

  2. Limited-memory fast gradient descent method for graph regularized nonnegative matrix factorization.

    PubMed

    Guan, Naiyang; Wei, Lei; Luo, Zhigang; Tao, Dacheng

    2013-01-01

    Graph regularized nonnegative matrix factorization (GNMF) decomposes a nonnegative data matrix X[Symbol:see text]R(m x n) to the product of two lower-rank nonnegative factor matrices, i.e.,W[Symbol:see text]R(m x r) and H[Symbol:see text]R(r x n) (r < min {m,n}) and aims to preserve the local geometric structure of the dataset by minimizing squared Euclidean distance or Kullback-Leibler (KL) divergence between X and WH. The multiplicative update rule (MUR) is usually applied to optimize GNMF, but it suffers from the drawback of slow-convergence because it intrinsically advances one step along the rescaled negative gradient direction with a non-optimal step size. Recently, a multiple step-sizes fast gradient descent (MFGD) method has been proposed for optimizing NMF which accelerates MUR by searching the optimal step-size along the rescaled negative gradient direction with Newton's method. However, the computational cost of MFGD is high because 1) the high-dimensional Hessian matrix is dense and costs too much memory; and 2) the Hessian inverse operator and its multiplication with gradient cost too much time. To overcome these deficiencies of MFGD, we propose an efficient limited-memory FGD (L-FGD) method for optimizing GNMF. In particular, we apply the limited-memory BFGS (L-BFGS) method to directly approximate the multiplication of the inverse Hessian and the gradient for searching the optimal step size in MFGD. The preliminary results on real-world datasets show that L-FGD is more efficient than both MFGD and MUR. To evaluate the effectiveness of L-FGD, we validate its clustering performance for optimizing KL-divergence based GNMF on two popular face image datasets including ORL and PIE and two text corpora including Reuters and TDT2. The experimental results confirm the effectiveness of L-FGD by comparing it with the representative GNMF solvers.

  3. Gradient optimization and nonlinear control

    NASA Technical Reports Server (NTRS)

    Hasdorff, L.

    1976-01-01

    The book represents an introduction to computation in control by an iterative, gradient, numerical method, where linearity is not assumed. The general language and approach used are those of elementary functional analysis. The particular gradient method that is emphasized and used is conjugate gradient descent, a well known method exhibiting quadratic convergence while requiring very little more computation than simple steepest descent. Constraints are not dealt with directly, but rather the approach is to introduce them as penalty terms in the criterion. General conjugate gradient descent methods are developed and applied to problems in control.

  4. An Approach to Stable Gradient-Descent Adaptation of Higher Order Neural Units.

    PubMed

    Bukovsky, Ivo; Homma, Noriyasu

    2017-09-01

    Stability evaluation of a weight-update system of higher order neural units (HONUs) with polynomial aggregation of neural inputs (also known as classes of polynomial neural networks) for adaptation of both feedforward and recurrent HONUs by a gradient descent method is introduced. An essential core of the approach is based on the spectral radius of a weight-update system, and it allows stability monitoring and its maintenance at every adaptation step individually. Assuring the stability of the weight-update system (at every single adaptation step) naturally results in the adaptation stability of the whole neural architecture that adapts to the target data. As an aside, the used approach highlights the fact that the weight optimization of HONU is a linear problem, so the proposed approach can be generally extended to any neural architecture that is linear in its adaptable parameters.

  5. Parents and Siblings As Early Resources for Young Children's Learning in Mexican-Descent Families.

    ERIC Educational Resources Information Center

    Perez-Granados, Deanne R.; Callanan, Maureen A.

    1997-01-01

    Interviews with parents from 50 Mexican-descent families revealed that parents encouraged their preschool children to ask questions about science and causal relationships; older and younger siblings learned different skills from one another; and children learned through observation and imitation. Discusses issues of "match" between home…

  6. Analysis of Online Composite Mirror Descent Algorithm.

    PubMed

    Lei, Yunwen; Zhou, Ding-Xuan

    2017-03-01

    We study the convergence of the online composite mirror descent algorithm, which involves a mirror map to reflect the geometry of the data and a convex objective function consisting of a loss and a regularizer possibly inducing sparsity. Our error analysis provides convergence rates in terms of properties of the strongly convex differentiable mirror map and the objective function. For a class of objective functions with Hölder continuous gradients, the convergence rates of the excess (regularized) risk under polynomially decaying step sizes have the order [Formula: see text] after [Formula: see text] iterates. Our results improve the existing error analysis for the online composite mirror descent algorithm by avoiding averaging and removing boundedness assumptions, and they sharpen the existing convergence rates of the last iterate for online gradient descent without any boundedness assumptions. Our methodology mainly depends on a novel error decomposition in terms of an excess Bregman distance, refined analysis of self-bounding properties of the objective function, and the resulting one-step progress bounds.

  7. Large Airborne Full Tensor Gradient Data Inversion Based on a Non-Monotone Gradient Method

    NASA Astrophysics Data System (ADS)

    Sun, Yong; Meng, Zhaohai; Li, Fengting

    2018-03-01

    Following the development of gravity gradiometer instrument technology, the full tensor gravity (FTG) data can be acquired on airborne and marine platforms. Large-scale geophysical data can be obtained using these methods, making such data sets a number of the "big data" category. Therefore, a fast and effective inversion method is developed to solve the large-scale FTG data inversion problem. Many algorithms are available to accelerate the FTG data inversion, such as conjugate gradient method. However, the conventional conjugate gradient method takes a long time to complete data processing. Thus, a fast and effective iterative algorithm is necessary to improve the utilization of FTG data. Generally, inversion processing is formulated by incorporating regularizing constraints, followed by the introduction of a non-monotone gradient-descent method to accelerate the convergence rate of FTG data inversion. Compared with the conventional gradient method, the steepest descent gradient algorithm, and the conjugate gradient algorithm, there are clear advantages of the non-monotone iterative gradient-descent algorithm. Simulated and field FTG data were applied to show the application value of this new fast inversion method.

  8. The q-G method : A q-version of the Steepest Descent method for global optimization.

    PubMed

    Soterroni, Aline C; Galski, Roberto L; Scarabello, Marluce C; Ramos, Fernando M

    2015-01-01

    In this work, the q-Gradient (q-G) method, a q-version of the Steepest Descent method, is presented. The main idea behind the q-G method is the use of the negative of the q-gradient vector of the objective function as the search direction. The q-gradient vector, or simply the q-gradient, is a generalization of the classical gradient vector based on the concept of Jackson's derivative from the q-calculus. Its use provides the algorithm an effective mechanism for escaping from local minima. The q-G method reduces to the Steepest Descent method when the parameter q tends to 1. The algorithm has three free parameters and it is implemented so that the search process gradually shifts from global exploration in the beginning to local exploitation in the end. We evaluated the q-G method on 34 test functions, and compared its performance with 34 optimization algorithms, including derivative-free algorithms and the Steepest Descent method. Our results show that the q-G method is competitive and has a great potential for solving multimodal optimization problems.

  9. Stochastic parallel gradient descent based adaptive optics used for a high contrast imaging coronagraph

    NASA Astrophysics Data System (ADS)

    Dong, Bing; Ren, De-Qing; Zhang, Xi

    2011-08-01

    An adaptive optics (AO) system based on a stochastic parallel gradient descent (SPGD) algorithm is proposed to reduce the speckle noises in the optical system of a stellar coronagraph in order to further improve the contrast. The principle of the SPGD algorithm is described briefly and a metric suitable for point source imaging optimization is given. The feasibility and good performance of the SPGD algorithm is demonstrated by an experimental system featured with a 140-actuator deformable mirror and a Hartmann-Shark wavefront sensor. Then the SPGD based AO is applied to a liquid crystal array (LCA) based coronagraph to improve the contrast. The LCA can modulate the incoming light to generate a pupil apodization mask of any pattern. A circular stepped pattern is used in our preliminary experiment and the image contrast shows improvement from 10-3 to 10-4.5 at an angular distance of 2λ/D after being corrected by SPGD based AO.

  10. Scalable Nonparametric Low-Rank Kernel Learning Using Block Coordinate Descent.

    PubMed

    Hu, En-Liang; Kwok, James T

    2015-09-01

    Nonparametric kernel learning (NPKL) is a flexible approach to learn the kernel matrix directly without assuming any parametric form. It can be naturally formulated as a semidefinite program (SDP), which, however, is not very scalable. To address this problem, we propose the combined use of low-rank approximation and block coordinate descent (BCD). Low-rank approximation avoids the expensive positive semidefinite constraint in the SDP by replacing the kernel matrix variable with V(T)V, where V is a low-rank matrix. The resultant nonlinear optimization problem is then solved by BCD, which optimizes each column of V sequentially. It can be shown that the proposed algorithm has nice convergence properties and low computational complexities. Experiments on a number of real-world data sets show that the proposed algorithm outperforms state-of-the-art NPKL solvers.

  11. Regression Analysis of Top of Descent Location for Idle-thrust Descents

    NASA Technical Reports Server (NTRS)

    Stell, Laurel; Bronsvoort, Jesper; McDonald, Greg

    2013-01-01

    In this paper, multiple regression analysis is used to model the top of descent (TOD) location of user-preferred descent trajectories computed by the flight management system (FMS) on over 1000 commercial flights into Melbourne, Australia. The independent variables cruise altitude, final altitude, cruise Mach, descent speed, wind, and engine type were also recorded or computed post-operations. Both first-order and second-order models are considered, where cross-validation, hypothesis testing, and additional analysis are used to compare models. This identifies the models that should give the smallest errors if used to predict TOD location for new data in the future. A model that is linear in TOD altitude, final altitude, descent speed, and wind gives an estimated standard deviation of 3.9 nmi for TOD location given the trajec- tory parameters, which means about 80% of predictions would have error less than 5 nmi in absolute value. This accuracy is better than demonstrated by other ground automation predictions using kinetic models. Furthermore, this approach would enable online learning of the model. Additional data or further knowl- edge of algorithms is necessary to conclude definitively that no second-order terms are appropriate. Possible applications of the linear model are described, including enabling arriving aircraft to fly optimized descents computed by the FMS even in congested airspace. In particular, a model for TOD location that is linear in the independent variables would enable decision support tool human-machine interfaces for which a kinetic approach would be computationally too slow.

  12. 14 CFR 23.69 - Enroute climb/descent.

    Code of Federal Regulations, 2013 CFR

    2013-01-01

    ... inoperative and its propeller in the minimum drag position; (2) The remaining engine(s) at not more than... climb/descent. (a) All engines operating. The steady gradient and rate of climb must be determined at... applicant with— (1) Not more than maximum continuous power on each engine; (2) The landing gear retracted...

  13. 14 CFR 23.69 - Enroute climb/descent.

    Code of Federal Regulations, 2014 CFR

    2014-01-01

    ... inoperative and its propeller in the minimum drag position; (2) The remaining engine(s) at not more than... climb/descent. (a) All engines operating. The steady gradient and rate of climb must be determined at... applicant with— (1) Not more than maximum continuous power on each engine; (2) The landing gear retracted...

  14. 14 CFR 23.69 - Enroute climb/descent.

    Code of Federal Regulations, 2012 CFR

    2012-01-01

    ... inoperative and its propeller in the minimum drag position; (2) The remaining engine(s) at not more than... climb/descent. (a) All engines operating. The steady gradient and rate of climb must be determined at... applicant with— (1) Not more than maximum continuous power on each engine; (2) The landing gear retracted...

  15. 14 CFR 23.69 - Enroute climb/descent.

    Code of Federal Regulations, 2011 CFR

    2011-01-01

    ... inoperative and its propeller in the minimum drag position; (2) The remaining engine(s) at not more than... climb/descent. (a) All engines operating. The steady gradient and rate of climb must be determined at... applicant with— (1) Not more than maximum continuous power on each engine; (2) The landing gear retracted...

  16. Steepest descent method implementation on unconstrained optimization problem using C++ program

    NASA Astrophysics Data System (ADS)

    Napitupulu, H.; Sukono; Mohd, I. Bin; Hidayat, Y.; Supian, S.

    2018-03-01

    Steepest Descent is known as the simplest gradient method. Recently, many researches are done to obtain the appropriate step size in order to reduce the objective function value progressively. In this paper, the properties of steepest descent method from literatures are reviewed together with advantages and disadvantages of each step size procedure. The development of steepest descent method due to its step size procedure is discussed. In order to test the performance of each step size, we run a steepest descent procedure in C++ program. We implemented it to unconstrained optimization test problem with two variables, then we compare the numerical results of each step size procedure. Based on the numerical experiment, we conclude the general computational features and weaknesses of each procedure in each case of problem.

  17. LASER APPLICATIONS AND OTHER TOPICS IN QUANTUM ELECTRONICS: Application of the stochastic parallel gradient descent algorithm for numerical simulation and analysis of the coherent summation of radiation from fibre amplifiers

    NASA Astrophysics Data System (ADS)

    Zhou, Pu; Wang, Xiaolin; Li, Xiao; Chen, Zilum; Xu, Xiaojun; Liu, Zejin

    2009-10-01

    Coherent summation of fibre laser beams, which can be scaled to a relatively large number of elements, is simulated by using the stochastic parallel gradient descent (SPGD) algorithm. The applicability of this algorithm for coherent summation is analysed and its optimisaton parameters and bandwidth limitations are studied.

  18. Gradient Learning Algorithms for Ontology Computing

    PubMed Central

    Gao, Wei; Zhu, Linli

    2014-01-01

    The gradient learning model has been raising great attention in view of its promising perspectives for applications in statistics, data dimensionality reducing, and other specific fields. In this paper, we raise a new gradient learning model for ontology similarity measuring and ontology mapping in multidividing setting. The sample error in this setting is given by virtue of the hypothesis space and the trick of ontology dividing operator. Finally, two experiments presented on plant and humanoid robotics field verify the efficiency of the new computation model for ontology similarity measure and ontology mapping applications in multidividing setting. PMID:25530752

  19. Predictability of Top of Descent Location for Operational Idle-Thrust Descents

    NASA Technical Reports Server (NTRS)

    Stell, Laurel L.

    2010-01-01

    To enable arriving aircraft to fly optimized descents computed by the flight management system (FMS) in congested airspace, ground automation must accurately predict descent trajectories. To support development of the trajectory predictor and its uncertainty models, commercial flights executed idle-thrust descents at a specified descent speed, and the recorded data included the specified descent speed profile, aircraft weight, and the winds entered into the FMS as well as the radar data. The FMS computed the intended descent path assuming idle thrust after top of descent (TOD), and the controllers and pilots then endeavored to allow the FMS to fly the descent to the meter fix with minimal human intervention. The horizontal flight path, cruise and meter fix altitudes, and actual TOD location were extracted from the radar data. Using approximately 70 descents each in Boeing 757 and Airbus 319/320 aircraft, multiple regression estimated TOD location as a linear function of the available predictive factors. The cruise and meter fix altitudes, descent speed, and wind clearly improve goodness of fit. The aircraft weight improves fit for the Airbus descents but not for the B757. Except for a few statistical outliers, the residuals have absolute value less than 5 nmi. Thus, these predictive factors adequately explain the TOD location, which indicates the data do not include excessive noise.

  20. Diverse expected gradient active learning for relative attributes.

    PubMed

    You, Xinge; Wang, Ruxin; Tao, Dacheng

    2014-07-01

    The use of relative attributes for semantic understanding of images and videos is a promising way to improve communication between humans and machines. However, it is extremely labor- and time-consuming to define multiple attributes for each instance in large amount of data. One option is to incorporate active learning, so that the informative samples can be actively discovered and then labeled. However, most existing active-learning methods select samples one at a time (serial mode), and may therefore lose efficiency when learning multiple attributes. In this paper, we propose a batch-mode active-learning method, called diverse expected gradient active learning. This method integrates an informativeness analysis and a diversity analysis to form a diverse batch of queries. Specifically, the informativeness analysis employs the expected pairwise gradient length as a measure of informativeness, while the diversity analysis forces a constraint on the proposed diverse gradient angle. Since simultaneous optimization of these two parts is intractable, we utilize a two-step procedure to obtain the diverse batch of queries. A heuristic method is also introduced to suppress imbalanced multiclass distributions. Empirical evaluations of three different databases demonstrate the effectiveness and efficiency of the proposed approach.

  1. Diverse Expected Gradient Active Learning for Relative Attributes.

    PubMed

    You, Xinge; Wang, Ruxin; Tao, Dacheng

    2014-06-02

    The use of relative attributes for semantic understanding of images and videos is a promising way to improve communication between humans and machines. However, it is extremely labor- and time-consuming to define multiple attributes for each instance in large amount of data. One option is to incorporate active learning, so that the informative samples can be actively discovered and then labeled. However, most existing active-learning methods select samples one at a time (serial mode), and may therefore lose efficiency when learning multiple attributes. In this paper, we propose a batch-mode active-learning method, called Diverse Expected Gradient Active Learning (DEGAL). This method integrates an informativeness analysis and a diversity analysis to form a diverse batch of queries. Specifically, the informativeness analysis employs the expected pairwise gradient length as a measure of informativeness, while the diversity analysis forces a constraint on the proposed diverse gradient angle. Since simultaneous optimization of these two parts is intractable, we utilize a two-step procedure to obtain the diverse batch of queries. A heuristic method is also introduced to suppress imbalanced multi-class distributions. Empirical evaluations of three different databases demonstrate the effectiveness and efficiency of the proposed approach.

  2. Ptychographic overlap constraint errors and the limits of their numerical recovery using conjugate gradient descent methods.

    PubMed

    Tripathi, Ashish; McNulty, Ian; Shpyrko, Oleg G

    2014-01-27

    Ptychographic coherent x-ray diffractive imaging is a form of scanning microscopy that does not require optics to image a sample. A series of scanned coherent diffraction patterns recorded from multiple overlapping illuminated regions on the sample are inverted numerically to retrieve its image. The technique recovers the phase lost by detecting the diffraction patterns by using experimentally known constraints, in this case the measured diffraction intensities and the assumed scan positions on the sample. The spatial resolution of the recovered image of the sample is limited by the angular extent over which the diffraction patterns are recorded and how well these constraints are known. Here, we explore how reconstruction quality degrades with uncertainties in the scan positions. We show experimentally that large errors in the assumed scan positions on the sample can be numerically determined and corrected using conjugate gradient descent methods. We also explore in simulations the limits, based on the signal to noise of the diffraction patterns and amount of overlap between adjacent scan positions, of just how large these errors can be and still be rendered tractable by this method.

  3. Planning fuel-conservative descents in an airline environmental using a small programmable calculator: Algorithm development and flight test results

    NASA Technical Reports Server (NTRS)

    Knox, C. E.; Vicroy, D. D.; Simmon, D. A.

    1985-01-01

    A simple, airborne, flight-management descent algorithm was developed and programmed into a small programmable calculator. The algorithm may be operated in either a time mode or speed mode. The time mode was designed to aid the pilot in planning and executing a fuel-conservative descent to arrive at a metering fix at a time designated by the air traffic control system. The speed model was designed for planning fuel-conservative descents when time is not a consideration. The descent path for both modes was calculated for a constant with considerations given for the descent Mach/airspeed schedule, gross weight, wind, wind gradient, and nonstandard temperature effects. Flight tests, using the algorithm on the programmable calculator, showed that the open-loop guidance could be useful to airline flight crews for planning and executing fuel-conservative descents.

  4. Planning fuel-conservative descents in an airline environmental using a small programmable calculator: algorithm development and flight test results

    DOE Office of Scientific and Technical Information (OSTI.GOV)

    Knox, C.E.; Vicroy, D.D.; Simmon, D.A.

    A simple, airborne, flight-management descent algorithm was developed and programmed into a small programmable calculator. The algorithm may be operated in either a time mode or speed mode. The time mode was designed to aid the pilot in planning and executing a fuel-conservative descent to arrive at a metering fix at a time designated by the air traffic control system. The speed model was designed for planning fuel-conservative descents when time is not a consideration. The descent path for both modes was calculated for a constant with considerations given for the descent Mach/airspeed schedule, gross weight, wind, wind gradient, andmore » nonstandard temperature effects. Flight tests, using the algorithm on the programmable calculator, showed that the open-loop guidance could be useful to airline flight crews for planning and executing fuel-conservative descents.« less

  5. Deep kernel learning method for SAR image target recognition

    NASA Astrophysics Data System (ADS)

    Chen, Xiuyuan; Peng, Xiyuan; Duan, Ran; Li, Junbao

    2017-10-01

    With the development of deep learning, research on image target recognition has made great progress in recent years. Remote sensing detection urgently requires target recognition for military, geographic, and other scientific research. This paper aims to solve the synthetic aperture radar image target recognition problem by combining deep and kernel learning. The model, which has a multilayer multiple kernel structure, is optimized layer by layer with the parameters of Support Vector Machine and a gradient descent algorithm. This new deep kernel learning method improves accuracy and achieves competitive recognition results compared with other learning methods.

  6. Steepest descent with momentum for quadratic functions is a version of the conjugate gradient method.

    PubMed

    Bhaya, Amit; Kaszkurewicz, Eugenius

    2004-01-01

    It is pointed out that the so called momentum method, much used in the neural network literature as an acceleration of the backpropagation method, is a stationary version of the conjugate gradient method. Connections with the continuous optimization method known as heavy ball with friction are also made. In both cases, adaptive (dynamic) choices of the so called learning rate and momentum parameters are obtained using a control Liapunov function analysis of the system.

  7. Online learning in optical tomography: a stochastic approach

    NASA Astrophysics Data System (ADS)

    Chen, Ke; Li, Qin; Liu, Jian-Guo

    2018-07-01

    We study the inverse problem of radiative transfer equation (RTE) using stochastic gradient descent method (SGD) in this paper. Mathematically, optical tomography amounts to recovering the optical parameters in RTE using the incoming–outgoing pair of light intensity. We formulate it as a PDE-constraint optimization problem, where the mismatch of computed and measured outgoing data is minimized with same initial data and RTE constraint. The memory and computation cost it requires, however, is typically prohibitive, especially in high dimensional space. Smart iterative solvers that only use partial information in each step is called for thereafter. Stochastic gradient descent method is an online learning algorithm that randomly selects data for minimizing the mismatch. It requires minimum memory and computation, and advances fast, therefore perfectly serves the purpose. In this paper we formulate the problem, in both nonlinear and its linearized setting, apply SGD algorithm and analyze the convergence performance.

  8. Fault-tolerant nonlinear adaptive flight control using sliding mode online learning.

    PubMed

    Krüger, Thomas; Schnetter, Philipp; Placzek, Robin; Vörsmann, Peter

    2012-08-01

    An expanded nonlinear model inversion flight control strategy using sliding mode online learning for neural networks is presented. The proposed control strategy is implemented for a small unmanned aircraft system (UAS). This class of aircraft is very susceptible towards nonlinearities like atmospheric turbulence, model uncertainties and of course system failures. Therefore, these systems mark a sensible testbed to evaluate fault-tolerant, adaptive flight control strategies. Within this work the concept of feedback linearization is combined with feed forward neural networks to compensate for inversion errors and other nonlinear effects. Backpropagation-based adaption laws of the network weights are used for online training. Within these adaption laws the standard gradient descent backpropagation algorithm is augmented with the concept of sliding mode control (SMC). Implemented as a learning algorithm, this nonlinear control strategy treats the neural network as a controlled system and allows a stable, dynamic calculation of the learning rates. While considering the system's stability, this robust online learning method therefore offers a higher speed of convergence, especially in the presence of external disturbances. The SMC-based flight controller is tested and compared with the standard gradient descent backpropagation algorithm in the presence of system failures. Copyright © 2012 Elsevier Ltd. All rights reserved.

  9. A Descent Rate Control Approach to Developing an Autonomous Descent Vehicle

    NASA Astrophysics Data System (ADS)

    Fields, Travis D.

    Circular parachutes have been used for aerial payload/personnel deliveries for over 100 years. In the past two decades, significant work has been done to improve the landing accuracies of cargo deliveries for humanitarian and military applications. This dissertation discusses the approach developed in which a circular parachute is used in conjunction with an electro-mechanical reefing system to manipulate the landing location. Rather than attempt to steer the autonomous descent vehicle directly, control of the landing location is accomplished by modifying the amount of time spent in a particular wind layer. Descent rate control is performed by reversibly reefing the parachute canopy. The first stage of the research investigated the use of a single actuation during descent (with periodic updates), in conjunction with a curvilinear target. Simulation results using real-world wind data are presented, illustrating the utility of the methodology developed. Additionally, hardware development and flight-testing of the single actuation autonomous descent vehicle are presented. The next phase of the research focuses on expanding the single actuation descent rate control methodology to incorporate a multi-actuation path-planning system. By modifying the parachute size throughout the descent, the controllability of the system greatly increases. The trajectory planning methodology developed provides a robust approach to accurately manipulate the landing location of the vehicle. The primary benefits of this system are the inherent robustness to release location errors and the ability to overcome vehicle uncertainties (mass, parachute size, etc.). A separate application of the path-planning methodology is also presented. An in-flight path-prediction system was developed for use in high-altitude ballooning by utilizing the path-planning methodology developed for descent vehicles. The developed onboard system improves landing location predictions in-flight using collected flight

  10. Derivatives of logarithmic stationary distributions for policy gradient reinforcement learning.

    PubMed

    Morimura, Tetsuro; Uchibe, Eiji; Yoshimoto, Junichiro; Peters, Jan; Doya, Kenji

    2010-02-01

    Most conventional policy gradient reinforcement learning (PGRL) algorithms neglect (or do not explicitly make use of) a term in the average reward gradient with respect to the policy parameter. That term involves the derivative of the stationary state distribution that corresponds to the sensitivity of its distribution to changes in the policy parameter. Although the bias introduced by this omission can be reduced by setting the forgetting rate gamma for the value functions close to 1, these algorithms do not permit gamma to be set exactly at gamma = 1. In this article, we propose a method for estimating the log stationary state distribution derivative (LSD) as a useful form of the derivative of the stationary state distribution through backward Markov chain formulation and a temporal difference learning framework. A new policy gradient (PG) framework with an LSD is also proposed, in which the average reward gradient can be estimated by setting gamma = 0, so it becomes unnecessary to learn the value functions. We also test the performance of the proposed algorithms using simple benchmark tasks and show that these can improve the performances of existing PG methods.

  11. Statistical Mechanics of Node-perturbation Learning with Noisy Baseline

    NASA Astrophysics Data System (ADS)

    Hara, Kazuyuki; Katahira, Kentaro; Okada, Masato

    2017-02-01

    Node-perturbation learning is a type of statistical gradient descent algorithm that can be applied to problems where the objective function is not explicitly formulated, including reinforcement learning. It estimates the gradient of an objective function by using the change in the object function in response to the perturbation. The value of the objective function for an unperturbed output is called a baseline. Cho et al. proposed node-perturbation learning with a noisy baseline. In this paper, we report on building the statistical mechanics of Cho's model and on deriving coupled differential equations of order parameters that depict learning dynamics. We also show how to derive the generalization error by solving the differential equations of order parameters. On the basis of the results, we show that Cho's results are also apply in general cases and show some general performances of Cho's model.

  12. Ascent/Descent Software

    NASA Technical Reports Server (NTRS)

    Brown, Charles; Andrew, Robert; Roe, Scott; Frye, Ronald; Harvey, Michael; Vu, Tuan; Balachandran, Krishnaiyer; Bly, Ben

    2012-01-01

    The Ascent/Descent Software Suite has been used to support a variety of NASA Shuttle Program mission planning and analysis activities, such as range safety, on the Integrated Planning System (IPS) platform. The Ascent/Descent Software Suite, containing Ascent Flight Design (ASC)/Descent Flight Design (DESC) Configuration items (Cis), lifecycle documents, and data files used for shuttle ascent and entry modeling analysis and mission design, resides on IPS/Linux workstations. A list of tools in Navigation (NAV)/Prop Software Suite represents tool versions established during or after the IPS Equipment Rehost-3 project.

  13. Apollo lunar descent guidance

    NASA Technical Reports Server (NTRS)

    Klumpp, A. R.

    1974-01-01

    Apollo lunar-descent guidance transfers the Lunar Module from a near-circular orbit to touchdown, traversing a 17 deg central angle and a 15 km altitude in 11 min. A group of interactive programs in an onboard computer guide the descent, controlling altitude and the descent propulsion system throttle. A ground-based program pre-computes guidance targets. The concepts involved in this guidance are described. Explicit and implicit guidance are discussed, guidance equations are derived, and the earlier Apollo explicit equation is shown to be an inferior special case of the later implicit equation. Interactive guidance, by which the two-man crew selects a landing site in favorable terrain and directs the trajectory there, is discussed. Interactive terminal-descent guidance enables the crew to control the essentially vertical descent rate in order to land in minimum time with safe contact speed. The altitude maneuver routine uses concepts that make gimbal lock inherently impossible.

  14. Learning to Use Illumination Gradients as an Unambiguous Cue to Three Dimensional Shape

    PubMed Central

    Harding, Glen; Harris, Julie M.; Bloj, Marina

    2012-01-01

    The luminance and colour gradients across an image are the result of complex interactions between object shape, material and illumination. Using such variations to infer object shape or surface colour is therefore a difficult problem for the visual system. We know that changes to the shape of an object can affect its perceived colour, and that shading gradients confer a sense of shape. Here we investigate if the visual system is able to effectively utilise these gradients as a cue to shape perception, even when additional cues are not available. We tested shape perception of a folded card object that contained illumination gradients in the form of shading and more subtle effects such as inter-reflections. Our results suggest that observers are able to use the gradients to make consistent shape judgements. In order to do this, observers must be given the opportunity to learn suitable assumptions about the lighting and scene. Using a variety of different training conditions, we demonstrate that learning can occur quickly and requires only coarse information. We also establish that learning does not deliver a trivial mapping between gradient and shape; rather learning leads to the acquisition of assumptions about lighting and scene parameters that subsequently allow for gradients to be used as a shape cue. The perceived shape is shown to be consistent for convex and concave versions of the object that exhibit very different shading, and also similar to that delivered by outline, a largely unrelated cue to shape. Overall our results indicate that, although gradients are less reliable than some other cues, the relationship between gradients and shape can be quickly assessed and the gradients therefore used effectively as a visual shape cue. PMID:22558279

  15. Transformable descent vehicles

    NASA Astrophysics Data System (ADS)

    Pichkhadze, K. M.; Finchenko, V. S.; Aleksashkin, S. N.; Ostreshko, B. A.

    2016-12-01

    This article presents some types of planetary descent vehicles, the shape of which varies in different flight phases. The advantages of such vehicles over those with unchangeable form (from launch to landing) are discussed. It is shown that the use of transformable descent vehicles widens the scope of possible tasks to solve.

  16. Learning Structured Classifiers with Dual Coordinate Ascent

    DTIC Science & Technology

    2010-06-01

    stochastic gradient descent (SGD) [LeCun et al., 1998], and the margin infused relaxed algorithm (MIRA) [ Crammer et al., 2006]. This paper presents a...evaluate these methods on the Prague Dependency Treebank us- ing online large-margin learning tech- niques ( Crammer et al., 2003; McDonald et al., 2005...between two kinds of factors: hard constraint factors, which are used to rule out forbidden par- tial assignments by mapping them to zero potential values

  17. Learning-Related Shifts in Generalization Gradients for Complex Sounds

    PubMed Central

    Wisniewski, Matthew G.; Church, Barbara A.; Mercado, Eduardo

    2010-01-01

    Learning to discriminate stimuli can alter how one distinguishes related stimuli. For instance, training an individual to differentiate between two stimuli along a single dimension can alter how that individual generalizes learned responses. In this study, we examined the persistence of shifts in generalization gradients after training with sounds. University students were trained to differentiate two sounds that varied along a complex acoustic dimension. Students subsequently were tested on their ability to recognize a sound they experienced during training when it was presented among several novel sounds varying along this same dimension. Peak shift was observed in Experiment 1 when generalization tests immediately followed training, and in Experiment 2 when tests were delayed by 24 hours. These findings further support the universality of generalization processes across species, modalities, and levels of stimulus complexity. They also raise new questions about the mechanisms underlying learning-related shifts in generalization gradients. PMID:19815929

  18. Optimization in Quaternion Dynamic Systems: Gradient, Hessian, and Learning Algorithms.

    PubMed

    Xu, Dongpo; Xia, Yili; Mandic, Danilo P

    2016-02-01

    The optimization of real scalar functions of quaternion variables, such as the mean square error or array output power, underpins many practical applications. Solutions typically require the calculation of the gradient and Hessian. However, real functions of quaternion variables are essentially nonanalytic, which are prohibitive to the development of quaternion-valued learning systems. To address this issue, we propose new definitions of quaternion gradient and Hessian, based on the novel generalized Hamilton-real (GHR) calculus, thus making a possible efficient derivation of general optimization algorithms directly in the quaternion field, rather than using the isomorphism with the real domain, as is current practice. In addition, unlike the existing quaternion gradients, the GHR calculus allows for the product and chain rule, and for a one-to-one correspondence of the novel quaternion gradient and Hessian with their real counterparts. Properties of the quaternion gradient and Hessian relevant to numerical applications are also introduced, opening a new avenue of research in quaternion optimization and greatly simplified the derivations of learning algorithms. The proposed GHR calculus is shown to yield the same generic algorithm forms as the corresponding real- and complex-valued algorithms. Advantages of the proposed framework are illuminated over illustrative simulations in quaternion signal processing and neural networks.

  19. A morphological perceptron with gradient-based learning for Brazilian stock market forecasting.

    PubMed

    Araújo, Ricardo de A

    2012-04-01

    Several linear and non-linear techniques have been proposed to solve the stock market forecasting problem. However, a limitation arises from all these techniques and is known as the random walk dilemma (RWD). In this scenario, forecasts generated by arbitrary models have a characteristic one step ahead delay with respect to the time series values, so that, there is a time phase distortion in stock market phenomena reconstruction. In this paper, we propose a suitable model inspired by concepts in mathematical morphology (MM) and lattice theory (LT). This model is generically called the increasing morphological perceptron (IMP). Also, we present a gradient steepest descent method to design the proposed IMP based on ideas from the back-propagation (BP) algorithm and using a systematic approach to overcome the problem of non-differentiability of morphological operations. Into the learning process we have included a procedure to overcome the RWD, which is an automatic correction step that is geared toward eliminating time phase distortions that occur in stock market phenomena. Furthermore, an experimental analysis is conducted with the IMP using four complex non-linear problems of time series forecasting from the Brazilian stock market. Additionally, two natural phenomena time series are used to assess forecasting performance of the proposed IMP with other non financial time series. At the end, the obtained results are discussed and compared to results found using models recently proposed in the literature. Copyright © 2011 Elsevier Ltd. All rights reserved.

  20. Sparse Representation with Spatio-Temporal Online Dictionary Learning for Efficient Video Coding.

    PubMed

    Dai, Wenrui; Shen, Yangmei; Tang, Xin; Zou, Junni; Xiong, Hongkai; Chen, Chang Wen

    2016-07-27

    Classical dictionary learning methods for video coding suer from high computational complexity and interfered coding eciency by disregarding its underlying distribution. This paper proposes a spatio-temporal online dictionary learning (STOL) algorithm to speed up the convergence rate of dictionary learning with a guarantee of approximation error. The proposed algorithm incorporates stochastic gradient descents to form a dictionary of pairs of 3-D low-frequency and highfrequency spatio-temporal volumes. In each iteration of the learning process, it randomly selects one sample volume and updates the atoms of dictionary by minimizing the expected cost, rather than optimizes empirical cost over the complete training data like batch learning methods, e.g. K-SVD. Since the selected volumes are supposed to be i.i.d. samples from the underlying distribution, decomposition coecients attained from the trained dictionary are desirable for sparse representation. Theoretically, it is proved that the proposed STOL could achieve better approximation for sparse representation than K-SVD and maintain both structured sparsity and hierarchical sparsity. It is shown to outperform batch gradient descent methods (K-SVD) in the sense of convergence speed and computational complexity, and its upper bound for prediction error is asymptotically equal to the training error. With lower computational complexity, extensive experiments validate that the STOL based coding scheme achieves performance improvements than H.264/AVC or HEVC as well as existing super-resolution based methods in ratedistortion performance and visual quality.

  1. Event-Driven Random Back-Propagation: Enabling Neuromorphic Deep Learning Machines

    PubMed Central

    Neftci, Emre O.; Augustine, Charles; Paul, Somnath; Detorakis, Georgios

    2017-01-01

    An ongoing challenge in neuromorphic computing is to devise general and computationally efficient models of inference and learning which are compatible with the spatial and temporal constraints of the brain. One increasingly popular and successful approach is to take inspiration from inference and learning algorithms used in deep neural networks. However, the workhorse of deep learning, the gradient descent Gradient Back Propagation (BP) rule, often relies on the immediate availability of network-wide information stored with high-precision memory during learning, and precise operations that are difficult to realize in neuromorphic hardware. Remarkably, recent work showed that exact backpropagated gradients are not essential for learning deep representations. Building on these results, we demonstrate an event-driven random BP (eRBP) rule that uses an error-modulated synaptic plasticity for learning deep representations. Using a two-compartment Leaky Integrate & Fire (I&F) neuron, the rule requires only one addition and two comparisons for each synaptic weight, making it very suitable for implementation in digital or mixed-signal neuromorphic hardware. Our results show that using eRBP, deep representations are rapidly learned, achieving classification accuracies on permutation invariant datasets comparable to those obtained in artificial neural network simulations on GPUs, while being robust to neural and synaptic state quantizations during learning. PMID:28680387

  2. Event-Driven Random Back-Propagation: Enabling Neuromorphic Deep Learning Machines.

    PubMed

    Neftci, Emre O; Augustine, Charles; Paul, Somnath; Detorakis, Georgios

    2017-01-01

    An ongoing challenge in neuromorphic computing is to devise general and computationally efficient models of inference and learning which are compatible with the spatial and temporal constraints of the brain. One increasingly popular and successful approach is to take inspiration from inference and learning algorithms used in deep neural networks. However, the workhorse of deep learning, the gradient descent Gradient Back Propagation (BP) rule, often relies on the immediate availability of network-wide information stored with high-precision memory during learning, and precise operations that are difficult to realize in neuromorphic hardware. Remarkably, recent work showed that exact backpropagated gradients are not essential for learning deep representations. Building on these results, we demonstrate an event-driven random BP (eRBP) rule that uses an error-modulated synaptic plasticity for learning deep representations. Using a two-compartment Leaky Integrate & Fire (I&F) neuron, the rule requires only one addition and two comparisons for each synaptic weight, making it very suitable for implementation in digital or mixed-signal neuromorphic hardware. Our results show that using eRBP, deep representations are rapidly learned, achieving classification accuracies on permutation invariant datasets comparable to those obtained in artificial neural network simulations on GPUs, while being robust to neural and synaptic state quantizations during learning.

  3. Optimum Strategies for Selecting Descent Flight-Path Angles

    NASA Technical Reports Server (NTRS)

    Wu, Minghong G. (Inventor); Green, Steven M. (Inventor)

    2016-01-01

    An information processing system and method for adaptively selecting an aircraft descent flight path for an aircraft, are provided. The system receives flight adaptation parameters, including aircraft flight descent time period, aircraft flight descent airspace region, and aircraft flight descent flyability constraints. The system queries a plurality of flight data sources and retrieves flight information including any of winds and temperatures aloft data, airspace/navigation constraints, airspace traffic demand, and airspace arrival delay model. The system calculates a set of candidate descent profiles, each defined by at least one of a flight path angle and a descent rate, and each including an aggregated total fuel consumption value for the aircraft following a calculated trajectory, and a flyability constraints metric for the calculated trajectory. The system selects a best candidate descent profile having the least fuel consumption value while the fly ability constraints metric remains within aircraft flight descent flyability constraints.

  4. Development of gradient descent adaptive algorithms to remove common mode artifact for improvement of cardiovascular signal quality.

    PubMed

    Ciaccio, Edward J; Micheli-Tzanakou, Evangelia

    2007-07-01

    Common-mode noise degrades cardiovascular signal quality and diminishes measurement accuracy. Filtering to remove noise components in the frequency domain often distorts the signal. Two adaptive noise canceling (ANC) algorithms were tested to adjust weighted reference signals for optimal subtraction from a primary signal. Update of weight w was based upon the gradient term of the steepest descent equation: [see text], where the error epsilon is the difference between primary and weighted reference signals. nabla was estimated from Deltaepsilon(2) and Deltaw without using a variable Deltaw in the denominator which can cause instability. The Parallel Comparison (PC) algorithm computed Deltaepsilon(2) using fixed finite differences +/- Deltaw in parallel during each discrete time k. The ALOPEX algorithm computed Deltaepsilon(2)x Deltaw from time k to k + 1 to estimate nabla, with a random number added to account for Deltaepsilon(2) . Deltaw--> 0 near the optimal weighting. Using simulated data, both algorithms stably converged to the optimal weighting within 50-2000 discrete sample points k even with a SNR = 1:8 and weights which were initialized far from the optimal. Using a sharply pulsatile cardiac electrogram signal with added noise so that the SNR = 1:5, both algorithms exhibited stable convergence within 100 ms (100 sample points). Fourier spectral analysis revealed minimal distortion when comparing the signal without added noise to the ANC restored signal. ANC algorithms based upon difference calculations can rapidly and stably converge to the optimal weighting in simulated and real cardiovascular data. Signal quality is restored with minimal distortion, increasing the accuracy of biophysical measurement.

  5. On the boundary conditions on a shock wave for hypersonic flow around a descent vehicle

    NASA Astrophysics Data System (ADS)

    Golomazov, M. M.; Ivankov, A. A.

    2013-12-01

    Stationary hypersonic flow around a descent vehicle is examined by considering equilibrium and nonequilibrium reactions. We study how physical-chemical processes and shock wave conditions for gas species influence the shock-layer structure. It is shown that conservation conditions of species on the shock wave cause high-temperature and concentration gradients in the shock layer when we calculate spacecraft deceleration trajectory in the atmosphere at 75 km altitude.

  6. Optimization for high-dose-rate brachytherapy of cervical cancer with adaptive simulated annealing and gradient descent.

    PubMed

    Yao, Rui; Templeton, Alistair K; Liao, Yixiang; Turian, Julius V; Kiel, Krystyna D; Chu, James C H

    2014-01-01

    To validate an in-house optimization program that uses adaptive simulated annealing (ASA) and gradient descent (GD) algorithms and investigate features of physical dose and generalized equivalent uniform dose (gEUD)-based objective functions in high-dose-rate (HDR) brachytherapy for cervical cancer. Eight Syed/Neblett template-based cervical cancer HDR interstitial brachytherapy cases were used for this study. Brachytherapy treatment plans were first generated using inverse planning simulated annealing (IPSA). Using the same dwell positions designated in IPSA, plans were then optimized with both physical dose and gEUD-based objective functions, using both ASA and GD algorithms. Comparisons were made between plans both qualitatively and based on dose-volume parameters, evaluating each optimization method and objective function. A hybrid objective function was also designed and implemented in the in-house program. The ASA plans are higher on bladder V75% and D2cc (p=0.034) and lower on rectum V75% and D2cc (p=0.034) than the IPSA plans. The ASA and GD plans are not significantly different. The gEUD-based plans have higher homogeneity index (p=0.034), lower overdose index (p=0.005), and lower rectum gEUD and normal tissue complication probability (p=0.005) than the physical dose-based plans. The hybrid function can produce a plan with dosimetric parameters between the physical dose-based and gEUD-based plans. The optimized plans with the same objective value and dose-volume histogram could have different dose distributions. Our optimization program based on ASA and GD algorithms is flexible on objective functions, optimization parameters, and can generate optimized plans comparable with IPSA. Copyright © 2014 American Brachytherapy Society. Published by Elsevier Inc. All rights reserved.

  7. Smoothing of cost function leads to faster convergence of neural network learning

    NASA Astrophysics Data System (ADS)

    Xu, Li-Qun; Hall, Trevor J.

    1994-03-01

    One of the major problems in supervised learning of neural networks is the inevitable local minima inherent in the cost function f(W,D). This often makes classic gradient-descent-based learning algorithms that calculate the weight updates for each iteration according to (Delta) W(t) equals -(eta) (DOT)$DELwf(W,D) powerless. In this paper we describe a new strategy to solve this problem, which, adaptively, changes the learning rate and manipulates the gradient estimator simultaneously. The idea is to implicitly convert the local- minima-laden cost function f((DOT)) into a sequence of its smoothed versions {f(beta t)}Ttequals1, which, subject to the parameter (beta) t, bears less details at time t equals 1 and gradually more later on, the learning is actually performed on this sequence of functionals. The corresponding smoothed global minima obtained in this way, {Wt}Ttequals1, thus progressively approximate W-the desired global minimum. Experimental results on a nonconvex function minimization problem and a typical neural network learning task are given, analyses and discussions of some important issues are provided.

  8. Ellipsoidal fuzzy learning for smart car platoons

    NASA Astrophysics Data System (ADS)

    Dickerson, Julie A.; Kosko, Bart

    1993-12-01

    A neural-fuzzy system combined supervised and unsupervised learning to find and tune the fuzzy-rules. An additive fuzzy system approximates a function by covering its graph with fuzzy rules. A fuzzy rule patch can take the form of an ellipsoid in the input-output space. Unsupervised competitive learning found the statistics of data clusters. The covariance matrix of each synaptic quantization vector defined on ellipsoid centered at the centroid of the data cluster. Tightly clustered data gave smaller ellipsoids or more certain rules. Sparse data gave larger ellipsoids or less certain rules. Supervised learning tuned the ellipsoids to improve the approximation. The supervised neural system used gradient descent to find the ellipsoidal fuzzy patches. It locally minimized the mean-squared error of the fuzzy approximation. Hybrid ellipsoidal learning estimated the control surface for a smart car controller.

  9. Simplicial Descent Categories

    NASA Astrophysics Data System (ADS)

    Rodriguez Gonzalez, Beatriz

    2008-04-01

    Much of the homotopical and homological structure of the categories of chain complexes and topological spaces can be deduced from the existence and properties of the 'simple' functors Tot : {double chain complexes} -> {chain complexes} and geometric realization : {sSets} -> {Top}, or similarly, Tot : {simplicial chain complexes} -> {chain complexes} and | | : {sTop} -> {Top}. The purpose of this thesis is to abstract this situation, and to this end we introduce the notion of '(co)simplicial descent category'. It is inspired by Guillen-Navarros's '(cubical) descent categories'. The key ingredients in a (co)simplicial descent category D are a class E of morphisms in D, called equivalences, and a 'simple' functor s : {(co)simplicial objects in D} -> D. They must satisfy axioms like 'Eilenberg-Zilber', 'exactness' and 'acyclicity'. This notion covers a wide class of examples, as chain complexes, sSets, topological spaces, filtered cochain complexes (where E = filtered quasi-isomorphisms or E = E_2-isomorphisms), commutative differential graded algebras (with s = Navarro's Thom-Whitney simple), DG-modules over a DG-category and mixed Hodge complexes, where s = Deligne's simple. From the simplicial descent structure we obtain homotopical structure on D, as cone and cylinder objects. We use them to i) explicitly describe the morphisms of HoD=D[E^{-1}] similarly to the case of calculus of fractions; ii) endow HoD with a non-additive pre-triangulated structure, that becomes triangulated in the stable additive case. These results use the properties of a 'total functor', which associates to any biaugmented bisimplicial object a simplicial object. It is the simplicial analogue of the total chain complex of a double complex, and it is left adjoint to Illusie's 'decalage' functor.

  10. ATMOS/ATLAS-3 Observations of Long-Lived Tracers and Descent in the Antarctic Vortex in November 1994

    NASA Technical Reports Server (NTRS)

    Abrams, M. C.; Manney, G. L.; Gunson, M. R.; Abbas, M. M.; Chang, A. Y.; Goldman, A.; Irion, F. W.; Michelsen, H. A.; Newchurch, M. J.; Rinsland, C. P.; hide

    1996-01-01

    Observations of the long-lived tracers N2O, CH4 and HF obtained by the Atmospheric Trace Molecule Spectroscopy (ATMOS) instrument in early November 1994 are used to estimate average descent rates during winter in the Antarctic polar vortex of 0.5 to 1.5 km/month in the lower stratosphere, and 2.5 to 3.5 km/month in the middle and upper stratosphere. Descent rates inferred from ATMOS tracer observations agree well with theoretical estimates obtained using radiative heating calculations. Air of mesospheric origin (N2O less than 5 ppbV) was observed at altitudes above about 25 km within the vortex. Strong horizontal gradients of tracer mixing ratios, the presence of mesospheric air in the vortex in early spring, and the variation with altitude of inferred descent rates indicate that the Antarctic vortex is highly isolated from midlatitudes throughout the winter from approximately 20 km to the stratopause. The 1994 Antarctic vortex remained well isolated between 20 and 30 km through at least mid-November.

  11. Mars Science Laboratory's Descent Stage

    NASA Technical Reports Server (NTRS)

    2008-01-01

    This portion of NASA's Mars Science Laboratory, called the descent stage, does its main work during the final few minutes before touchdown on Mars.

    The descent stage will provide rocket-powered deceleration for a phase of the arrival at Mars after the phases using the heat shield and parachute. When it nears the surface, the descent stage will lower the rover on a bridle the rest of the way to the ground.

    The Mars Science Laboratory spacecraft is being assembled and tested for launch in 2011.

    This image was taken at NASA's Jet Propulsion Laboratory, Pasadena, Calif., which manages the Mars Science Laboratory Mission for NASA's Science Mission Directorate, Washington. JPL is a division of the California Institute of Technology.

  12. Magnified gradient function with deterministic weight modification in adaptive learning.

    PubMed

    Ng, Sin-Chun; Cheung, Chi-Chung; Leung, Shu-Hung

    2004-11-01

    This paper presents two novel approaches, backpropagation (BP) with magnified gradient function (MGFPROP) and deterministic weight modification (DWM), to speed up the convergence rate and improve the global convergence capability of the standard BP learning algorithm. The purpose of MGFPROP is to increase the convergence rate by magnifying the gradient function of the activation function, while the main objective of DWM is to reduce the system error by changing the weights of a multilayered feedforward neural network in a deterministic way. Simulation results show that the performance of the above two approaches is better than BP and other modified BP algorithms for a number of learning problems. Moreover, the integration of the above two approaches forming a new algorithm called MDPROP, can further improve the performance of MGFPROP and DWM. From our simulation results, the MDPROP algorithm always outperforms BP and other modified BP algorithms in terms of convergence rate and global convergence capability.

  13. A three-term conjugate gradient method under the strong-Wolfe line search

    NASA Astrophysics Data System (ADS)

    Khadijah, Wan; Rivaie, Mohd; Mamat, Mustafa

    2017-08-01

    Recently, numerous studies have been concerned in conjugate gradient methods for solving large-scale unconstrained optimization method. In this paper, a three-term conjugate gradient method is proposed for unconstrained optimization which always satisfies sufficient descent direction and namely as Three-Term Rivaie-Mustafa-Ismail-Leong (TTRMIL). Under standard conditions, TTRMIL method is proved to be globally convergent under strong-Wolfe line search. Finally, numerical results are provided for the purpose of comparison.

  14. Evaluation of pelvic descent disorders by dynamic contrast roentgenography.

    PubMed

    Takano, M; Hamada, A

    2000-10-01

    For precise diagnosis and rational treatment of the increasing number of patients with descent of intrapelvic organ(s) and anatomic plane(s), dynamic contrast roentgenography of multiple intrapelvic organs and planes is described. Sixty-six patients, consisting of 11 males, with a mean age (+/- standard deviation) of 65.6+/-14.2 years and with chief complaints of intrapelvic organ and perineal descent or defecation problems, were examined in this study. Dynamic contrast roentgenography was obtained by opacifying the ileum, urinary bladder, vagina, rectum, and the perineum. Films were taken at both squeeze and strain phases. On the films the lowest points of each organ and plane were plotted, and the distances from the standard line drawn at the upper surface of the sacrum were measured. The values were corrected to percentages according to the height of the sacrococcygeal bone of each patient. From these corrected values, organ or plane descents at strain and squeeze were diagnosed and graphically demonstrated as a descentgram in each patient. Among 17 cases with subjective symptoms of bladder descent, 9 cases (52.9 percent) showed roentgenographic descent. By the same token, among the cases with subjective feeling of descent of the vagina, uterus, peritoneum, perineum, rectum, and anus, roentgenographic descent was confirmed in 15 of 20 (75 percent), 7 of 9 (77.8 percent), 6 of 16 (37.5 percent), 33 of 33 (100 percent), 25 of 37 (67.6 percent), and 22 of 36 (61.6 percent), respectively. The descentgrams were divided into three patterns: anorectal descent type, female genital descent type, and total organ descent type. Dynamic contrast roentgenography and successive descentgraphy of multiple intrapelvic organs and planes are useful for objective diagnosis and rational treatment of patients with descent disorders of the intrapelvic organ(s) and plane(s).

  15. Dynamics of the Venera 13 and 14 descent modules in the parachute segment of descent

    NASA Astrophysics Data System (ADS)

    Vishniak, A. A.; Kariagin, V. P.; Kovtunenko, V. M.; Kotov, B. B.; Kuznetsov, V. V.; Lopatkin, A. I.; Perov, O. V.; Pichkhadze, K. M.; Rysev, O. V.

    1983-05-01

    The parachute system for the Venera 13 and 14 descent modules was designed to assure the prescribed duration of descent in the Venus cloud layer as well as the separation of heat-shield elements from the module. A mathematical model is developed which makes possible a numerical analysis of the dynamics of the module-parachute system with allowance for parachute inertia, atmospheric turbulence, the means by which the parachute is attachead to the module, and the elasticity and damping of the suspended system. A formula is derived for determining the period of oscillations of the module in the parachute segment of descent. A comparison of theoretical and experimental results shows that this formula can be used in the design calculations, especially at the early stage of module development.

  16. Flight Management System Execution of Idle-Thrust Descents in Operations

    NASA Technical Reports Server (NTRS)

    Stell, Laurel L.

    2011-01-01

    To enable arriving aircraft to fly optimized descents computed by the flight management system (FMS) in congested airspace, ground automation must accurately predict descent trajectories. To support development of the trajectory predictor and its error models, commercial flights executed idle-thrust descents, and the recorded data includes the target speed profile and FMS intent trajectories. The FMS computes the intended descent path assuming idle thrust after top of descent (TOD), and any intervention by the controllers that alters the FMS execution of the descent is recorded so that such flights are discarded from the analysis. The horizontal flight path, cruise and meter fix altitudes, and actual TOD location are extracted from the radar data. Using more than 60 descents in Boeing 777 aircraft, the actual speeds are compared to the intended descent speed profile. In addition, three aspects of the accuracy of the FMS intent trajectory are analyzed: the meter fix crossing time, the TOD location, and the altitude at the meter fix. The actual TOD location is within 5 nmi of the intent location for over 95% of the descents. Roughly 90% of the time, the airspeed is within 0.01 of the target Mach number and within 10 KCAS of the target descent CAS, but the meter fix crossing time is only within 50 sec of the time computed by the FMS. Overall, the aircraft seem to be executing the descents as intended by the designers of the onboard automation.

  17. Learning and tuning fuzzy logic controllers through reinforcements.

    PubMed

    Berenji, H R; Khedkar, P

    1992-01-01

    A method for learning and tuning a fuzzy logic controller based on reinforcements from a dynamic system is presented. It is shown that: the generalized approximate-reasoning-based intelligent control (GARIC) architecture learns and tunes a fuzzy logic controller even when only weak reinforcement, such as a binary failure signal, is available; introduces a new conjunction operator in computing the rule strengths of fuzzy control rules; introduces a new localized mean of maximum (LMOM) method in combining the conclusions of several firing control rules; and learns to produce real-valued control actions. Learning is achieved by integrating fuzzy inference into a feedforward network, which can then adaptively improve performance by using gradient descent methods. The GARIC architecture is applied to a cart-pole balancing system and demonstrates significant improvements in terms of the speed of learning and robustness to changes in the dynamic system's parameters over previous schemes for cart-pole balancing.

  18. Testicular descent related to growth hormone treatment.

    PubMed

    Papadimitriou, Anastasios; Fountzoula, Ioanna; Grigoriadou, Despina; Christianakis, Stratos; Tzortzatou, Georgia

    2003-01-01

    An 8.7 year-old boy with cryptorchidism and growth hormone (GH) deficiency due to septooptic dysplasia presented testicular descent related to the commencement of hGH treatment. This case suggests a role for GH in testicular descent.

  19. Active semi-supervised learning method with hybrid deep belief networks.

    PubMed

    Zhou, Shusen; Chen, Qingcai; Wang, Xiaolong

    2014-01-01

    In this paper, we develop a novel semi-supervised learning algorithm called active hybrid deep belief networks (AHD), to address the semi-supervised sentiment classification problem with deep learning. First, we construct the previous several hidden layers using restricted Boltzmann machines (RBM), which can reduce the dimension and abstract the information of the reviews quickly. Second, we construct the following hidden layers using convolutional restricted Boltzmann machines (CRBM), which can abstract the information of reviews effectively. Third, the constructed deep architecture is fine-tuned by gradient-descent based supervised learning with an exponential loss function. Finally, active learning method is combined based on the proposed deep architecture. We did several experiments on five sentiment classification datasets, and show that AHD is competitive with previous semi-supervised learning algorithm. Experiments are also conducted to verify the effectiveness of our proposed method with different number of labeled reviews and unlabeled reviews respectively.

  20. Ascent/descent ancillary data production user's guide

    NASA Technical Reports Server (NTRS)

    Brans, H. R.; Seacord, A. W., II; Ulmer, J. W.

    1986-01-01

    The Ascent/Descent Ancillary Data Product, also called the A/D BET because it contains a Best Estimate of the Trajectory (BET), is a collection of trajectory, attitude, and atmospheric related parameters computed for the ascent and descent phases of each Shuttle Mission. These computations are executed shortly after the event in a post-flight environment. A collection of several routines including some stand-alone routines constitute what is called the Ascent/Descent Ancillary Data Production Program. A User's Guide for that program is given. It is intended to provide the reader with all the information necessary to generate an Ascent or a Descent Ancillary Data Product. It includes descriptions of the input data and output data for each routine, and contains explicit instructions on how to run each routine. A description of the final output product is given.

  1. A feasible DY conjugate gradient method for linear equality constraints

    NASA Astrophysics Data System (ADS)

    LI, Can

    2017-09-01

    In this paper, we propose a feasible conjugate gradient method for solving linear equality constrained optimization problem. The method is an extension of the Dai-Yuan conjugate gradient method proposed by Dai and Yuan to linear equality constrained optimization problem. It can be applied to solve large linear equality constrained problem due to lower storage requirement. An attractive property of the method is that the generated direction is always feasible and descent direction. Under mild conditions, the global convergence of the proposed method with exact line search is established. Numerical experiments are also given which show the efficiency of the method.

  2. Descent Assisted Split Habitat Lunar Lander Concept

    NASA Technical Reports Server (NTRS)

    Mazanek, Daniel D.; Goodliff, Kandyce; Cornelius, David M.

    2008-01-01

    The Descent Assisted Split Habitat (DASH) lunar lander concept utilizes a disposable braking stage for descent and a minimally sized pressurized volume for crew transport to and from the lunar surface. The lander can also be configured to perform autonomous cargo missions. Although a braking-stage approach represents a significantly different operational concept compared with a traditional two-stage lander, the DASH lander offers many important benefits. These benefits include improved crew egress/ingress and large-cargo unloading; excellent surface visibility during landing; elimination of the need for deep-throttling descent engines; potentially reduced plume-surface interactions and lower vertical touchdown velocity; and reduced lander gross mass through efficient mass staging and volume segmentation. This paper documents the conceptual study on various aspects of the design, including development of sortie and outpost lander configurations and a mission concept of operations; the initial descent trajectory design; the initial spacecraft sizing estimates and subsystem design; and the identification of technology needs

  3. Simulation Test Of Descent Advisor

    NASA Technical Reports Server (NTRS)

    Davis, Thomas J.; Green, Steven M.

    1991-01-01

    Report describes piloted-simulation test of Descent Advisor (DA), subsystem of larger automation system being developed to assist human air-traffic controllers and pilots. Focuses on results of piloted simulation, in which airline crews executed controller-issued descent advisories along standard curved-path arrival routes. Crews able to achieve arrival-time precision of plus or minus 20 seconds at metering fix. Analysis of errors generated in turns resulted in further enhancements of algorithm to increase accuracies of its predicted trajectories. Evaluations by pilots indicate general support for DA concept and provide specific recommendations for improvement.

  4. Rules and mechanisms for efficient two-stage learning in neural circuits.

    PubMed

    Teşileanu, Tiberiu; Ölveczky, Bence; Balasubramanian, Vijay

    2017-04-04

    Trial-and-error learning requires evaluating variable actions and reinforcing successful variants. In songbirds, vocal exploration is induced by LMAN, the output of a basal ganglia-related circuit that also contributes a corrective bias to the vocal output. This bias is gradually consolidated in RA, a motor cortex analogue downstream of LMAN. We develop a new model of such two-stage learning. Using stochastic gradient descent, we derive how the activity in 'tutor' circuits ( e.g., LMAN) should match plasticity mechanisms in 'student' circuits ( e.g., RA) to achieve efficient learning. We further describe a reinforcement learning framework through which the tutor can build its teaching signal. We show that mismatches between the tutor signal and the plasticity mechanism can impair learning. Applied to birdsong, our results predict the temporal structure of the corrective bias from LMAN given a plasticity rule in RA. Our framework can be applied predictively to other paired brain areas showing two-stage learning.

  5. Generalization Gradients in Human Predictive Learning: Effects of Discrimination Training and within-Subjects Testing

    ERIC Educational Resources Information Center

    Vervliet, Bram; Iberico, Carlos; Vervoort, Ellen; Baeyens, Frank

    2011-01-01

    Generalization gradients have been investigated widely in animal conditioning experiments, but much less so in human predictive learning tasks. Here, we apply the experimental design of a recent study on conditioned fear generalization in humans (Lissek et al., 2008) to a predictive learning task, and examine the effects of a number of relevant…

  6. Field evaluation of flight deck procedures for flying CTAS descents

    DOT National Transportation Integrated Search

    1997-01-01

    Flight deck descent procedures were developed for a field evaluation of the CTAS Descent Advisor conducted in the fall of 1995. During this study, CTAS descent clearances were issued to 185 commercial flights at Denver International Airport. Data col...

  7. Descent Stage of Mars Science Laboratory During Assembly

    NASA Technical Reports Server (NTRS)

    2008-01-01

    This image from early October 2008 shows personnel working on the descent stage of NASA's Mars Science Laboratory inside the Spacecraft Assembly Facility at NASA's Jet Propulsion Laboratory, Pasadena, Calif.

    The descent stage will provide rocket-powered deceleration for a phase of the arrival at Mars after the phases using the heat shield and parachute. When it nears the surface, the descent stage will lower the rover on a bridle the rest of the way to the ground. The larger three of the orange spheres in the descent stage are fuel tanks. The smaller two are tanks for pressurant gas used for pushing the fuel to the rocket engines.

    JPL, a division of the California Institute of Technology, manages the Mars Science Laboratory Project for the NASA Science Mission Directorate, Washington.

  8. Effects of flutamide and finasteride on rat testicular descent.

    PubMed

    Spencer, J R; Torrado, T; Sanchez, R S; Vaughan, E D; Imperato-McGinley, J

    1991-08-01

    The endocrine control of descent of the testis in mammalian species is poorly understood. The androgen dependency of testicular descent was studied in the rat using an antiandrogen (flutamide) and an inhibitor of the enzyme 5 alpha-reductase (finasteride). Androgen receptor blockade inhibited testicular descent more effectively than inhibition of 5 alpha-reductase activity. Moreover, its inhibitory effect was limited to the outgrowth phase of the gubernaculum testis, particularly the earliest stages of outgrowth. Gubernacular size was also significantly reduced in fetuses exposed to flutamide during the outgrowth period. In contrast, androgen receptor blockade or 5 alpha-reductase inhibition applied after the initiation of gubernacular outgrowth or during the regression phase did not affect testicular descent. Successful inhibition of the development of epididymis and vas by prenatal flutamide did not correlate with ipsilateral testicular maldescent, suggesting that an intact epididymis is not required for descent of the testis. Plasma androgen assays confirmed significant inhibition of dihydrotestosterone formation in finasteride-treated rats. These data suggest that androgens, primarily testosterone, are required during the early phases of gubernacular outgrowth for subsequent successful completion of testicular descent.

  9. The Yearly Variation in Fall-Winter Arctic Winter Vortex Descent

    NASA Technical Reports Server (NTRS)

    Schoeberl, Mark R.; Newman, Paul A.

    1999-01-01

    Using the change in HALOE methane profiles from early September to late March, we have estimated the minimum amount of diabatic descent within the polar which takes place during Arctic winter. The year to year variations are a result in the year to year variations in stratospheric wave activity which (1) modify the temperature of the vortex and thus the cooling rate; (2) reduce the apparent descent by mixing high amounts of methane into the vortex. The peak descent amounts from HALOE methane vary from l0km -14km near the arrival altitude of 25 km. Using a diabatic trajectory calculation, we compare forward and backward trajectories over the course of the winter using UKMO assimilated stratospheric data. The forward calculation agrees fairly well with the observed descent. The backward calculation appears to be unable to produce the observed amount of descent, but this is only an apparent effect due to the density decrease in parcels with altitude. Finally we show the results for unmixed descent experiments - where the parcels are fixed in latitude and longitude and allowed to descend based on the local cooling rate. Unmixed descent is found to always exceed mixed descent, because when normal parcel motion is included, the path average cooling is always less than the cooling at a fixed polar point.

  10. Human Scleral Structural Stiffness Increases More Rapidly With Age in Donors of African Descent Compared to Donors of European Descent

    PubMed Central

    Fazio, Massimo A.; Grytz, Rafael; Morris, Jeffrey S.; Bruno, Luigi; Girkin, Christopher A.; Downs, J. Crawford

    2014-01-01

    Purpose. We tested the hypothesis that the variation of peripapillary scleral structural stiffness with age is different in donors of European (ED) and African (AD) descent. Methods. Posterior scleral shells from normal eyes from donors of European (n = 20 pairs; previously reported) and African (n = 9 pairs) descent aged 0 and 90 years old were inflation tested within 48 hours post mortem. Scleral shells were pressurized from 5 to 45 mm Hg and the full-field, 3-dimensional (3D) deformation of the outer surface was recorded at submicrometric accuracy using speckle interferometry (ESPI). Mean maximum principal (tensile) strain of the peripapillary and midperipheral regions surrounding the optic nerve head (ONH) were fit using a functional mixed effects model that accounts for intradonor variability, same-race correlation, and spatial autocorrelation to estimate the effect of race on the age-related changes in mechanical scleral strain. Results. Mechanical tensile strain significantly decreased with age in the peripapillary sclera in the African and European descent groups (P < 0.001), but the age-related stiffening was significantly greater in the African descent group (P < 0.05). Maximum principal strain in the peripapillary sclera was significantly higher than in the midperipheral sclera for both ethnic groups. Conclusions. The sclera surrounding the ONH stiffens more rapidly with age in the African descent group compared to the European group. Stiffening of the peripapillary sclera with age may be related to the higher prevalence of glaucoma in the elderly and persons of African descent. PMID:25237162

  11. Human scleral structural stiffness increases more rapidly with age in donors of African descent compared to donors of European descent.

    PubMed

    Fazio, Massimo A; Grytz, Rafael; Morris, Jeffrey S; Bruno, Luigi; Girkin, Christopher A; Downs, J Crawford

    2014-09-18

    We tested the hypothesis that the variation of peripapillary scleral structural stiffness with age is different in donors of European (ED) and African (AD) descent. Posterior scleral shells from normal eyes from donors of European (n = 20 pairs; previously reported) and African (n = 9 pairs) descent aged 0 and 90 years old were inflation tested within 48 hours post mortem. Scleral shells were pressurized from 5 to 45 mm Hg and the full-field, 3-dimensional (3D) deformation of the outer surface was recorded at submicrometric accuracy using speckle interferometry (ESPI). Mean maximum principal (tensile) strain of the peripapillary and midperipheral regions surrounding the optic nerve head (ONH) were fit using a functional mixed effects model that accounts for intradonor variability, same-race correlation, and spatial autocorrelation to estimate the effect of race on the age-related changes in mechanical scleral strain. Mechanical tensile strain significantly decreased with age in the peripapillary sclera in the African and European descent groups (P < 0.001), but the age-related stiffening was significantly greater in the African descent group (P < 0.05). Maximum principal strain in the peripapillary sclera was significantly higher than in the midperipheral sclera for both ethnic groups. The sclera surrounding the ONH stiffens more rapidly with age in the African descent group compared to the European group. Stiffening of the peripapillary sclera with age may be related to the higher prevalence of glaucoma in the elderly and persons of African descent. Copyright 2014 The Association for Research in Vision and Ophthalmology, Inc.

  12. Spiroperidol, but not eticlopride or aripiprazole, produces gradual increases in descent latencies in the bar test in rats.

    PubMed

    Rocca, Jeffery F; Lister, Joshua G; Beninger, Richard J

    2017-02-01

    Rats repeatedly exposed to the bar test following injections with a dopamine D2-like receptor antagonist such as haloperidol show increased descent latencies, suggesting that contextual stimuli may lose their ability to elicit approach and other responses. Here, we showed that rats took progressively longer to initiate descent from a horizontal bar across sessions following daily intraperitoneal treatment (paired group) with the D2-like receptor antagonist, spiroperidol (0.125 and 0.25 mg/kg), but not in the control group that received 0.25 mg/kg in their home cage and testing following saline. When both groups were tested following an injection of spiroperidol or following saline, a sensitized and a conditioned increase in descent latency, respectively, were observed in the paired but not in the unpaired group. No evidence of sensitization or conditioning was found with the substituted benzamide compound, eticlopride (0.15-0.5 mg/kg), or the D2-like receptor partial agonist, aripiprazole (0.25-0.5 mg/kg). The different effects of these agents on learning may be related to different region-specific affinities for dopamine receptors or differences in receptor dissociation profiles. We suggest that the behavioural changes observed in spiroperidol-treated rats may reflect inverse incentive learning.

  13. Learning and optimization with cascaded VLSI neural network building-block chips

    NASA Technical Reports Server (NTRS)

    Duong, T.; Eberhardt, S. P.; Tran, M.; Daud, T.; Thakoor, A. P.

    1992-01-01

    To demonstrate the versatility of the building-block approach, two neural network applications were implemented on cascaded analog VLSI chips. Weights were implemented using 7-b multiplying digital-to-analog converter (MDAC) synapse circuits, with 31 x 32 and 32 x 32 synapses per chip. A novel learning algorithm compatible with analog VLSI was applied to the two-input parity problem. The algorithm combines dynamically evolving architecture with limited gradient-descent backpropagation for efficient and versatile supervised learning. To implement the learning algorithm in hardware, synapse circuits were paralleled for additional quantization levels. The hardware-in-the-loop learning system allocated 2-5 hidden neurons for parity problems. Also, a 7 x 7 assignment problem was mapped onto a cascaded 64-neuron fully connected feedback network. In 100 randomly selected problems, the network found optimal or good solutions in most cases, with settling times in the range of 7-100 microseconds.

  14. A modified form of conjugate gradient method for unconstrained optimization problems

    NASA Astrophysics Data System (ADS)

    Ghani, Nur Hamizah Abdul; Rivaie, Mohd.; Mamat, Mustafa

    2016-06-01

    Conjugate gradient (CG) methods have been recognized as an interesting technique to solve optimization problems, due to the numerical efficiency, simplicity and low memory requirements. In this paper, we propose a new CG method based on the study of Rivaie et al. [7] (Comparative study of conjugate gradient coefficient for unconstrained Optimization, Aus. J. Bas. Appl. Sci. 5(2011) 947-951). Then, we show that our method satisfies sufficient descent condition and converges globally with exact line search. Numerical results show that our proposed method is efficient for given standard test problems, compare to other existing CG methods.

  15. Learning and tuning fuzzy logic controllers through reinforcements

    NASA Technical Reports Server (NTRS)

    Berenji, Hamid R.; Khedkar, Pratap

    1992-01-01

    A new method for learning and tuning a fuzzy logic controller based on reinforcements from a dynamic system is presented. In particular, our Generalized Approximate Reasoning-based Intelligent Control (GARIC) architecture: (1) learns and tunes a fuzzy logic controller even when only weak reinforcements, such as a binary failure signal, is available; (2) introduces a new conjunction operator in computing the rule strengths of fuzzy control rules; (3) introduces a new localized mean of maximum (LMOM) method in combining the conclusions of several firing control rules; and (4) learns to produce real-valued control actions. Learning is achieved by integrating fuzzy inference into a feedforward network, which can then adaptively improve performance by using gradient descent methods. We extend the AHC algorithm of Barto, Sutton, and Anderson to include the prior control knowledge of human operators. The GARIC architecture is applied to a cart-pole balancing system and has demonstrated significant improvements in terms of the speed of learning and robustness to changes in the dynamic system's parameters over previous schemes for cart-pole balancing.

  16. Learning and tuning fuzzy logic controllers through reinforcements

    NASA Technical Reports Server (NTRS)

    Berenji, Hamid R.; Khedkar, Pratap

    1992-01-01

    This paper presents a new method for learning and tuning a fuzzy logic controller based on reinforcements from a dynamic system. In particular, our generalized approximate reasoning-based intelligent control (GARIC) architecture (1) learns and tunes a fuzzy logic controller even when only weak reinforcement, such as a binary failure signal, is available; (2) introduces a new conjunction operator in computing the rule strengths of fuzzy control rules; (3) introduces a new localized mean of maximum (LMOM) method in combining the conclusions of several firing control rules; and (4) learns to produce real-valued control actions. Learning is achieved by integrating fuzzy inference into a feedforward neural network, which can then adaptively improve performance by using gradient descent methods. We extend the AHC algorithm of Barto et al. (1983) to include the prior control knowledge of human operators. The GARIC architecture is applied to a cart-pole balancing system and demonstrates significant improvements in terms of the speed of learning and robustness to changes in the dynamic system's parameters over previous schemes for cart-pole balancing.

  17. Mini-batch optimized full waveform inversion with geological constrained gradient filtering

    NASA Astrophysics Data System (ADS)

    Yang, Hui; Jia, Junxiong; Wu, Bangyu; Gao, Jinghuai

    2018-05-01

    High computation cost and generating solutions without geological sense have hindered the wide application of Full Waveform Inversion (FWI). Source encoding technique is a way to dramatically reduce the cost of FWI but subject to fix-spread acquisition setup requirement and slow convergence for the suppression of cross-talk. Traditionally, gradient regularization or preconditioning is applied to mitigate the ill-posedness. An isotropic smoothing filter applied on gradients generally gives non-geological inversion results, and could also introduce artifacts. In this work, we propose to address both the efficiency and ill-posedness of FWI by a geological constrained mini-batch gradient optimization method. The mini-batch gradient descent optimization is adopted to reduce the computation time by choosing a subset of entire shots for each iteration. By jointly applying the structure-oriented smoothing to the mini-batch gradient, the inversion converges faster and gives results with more geological meaning. Stylized Marmousi model is used to show the performance of the proposed method on realistic synthetic model.

  18. Apollo experience report: Descent propulsion system

    NASA Technical Reports Server (NTRS)

    Hammock, W. R., Jr.; Currie, E. C.; Fisher, A. E.

    1973-01-01

    The propulsion system for the descent stage of the lunar module was designed to provide thrust to transfer the fully loaded lunar module with two crewmen from the lunar parking orbit to the lunar surface. A history of the development of this system is presented. Development was accomplished primarily by ground testing of individual components and by testing the integrated system. Unique features of the descent propulsion system were the deep throttling capability and the use of a lightweight cryogenic helium pressurization system.

  19. Image reconstruction from few-view CT data by gradient-domain dictionary learning.

    PubMed

    Hu, Zhanli; Liu, Qiegen; Zhang, Na; Zhang, Yunwan; Peng, Xi; Wu, Peter Z; Zheng, Hairong; Liang, Dong

    2016-05-21

    Decreasing the number of projections is an effective way to reduce the radiation dose exposed to patients in medical computed tomography (CT) imaging. However, incomplete projection data for CT reconstruction will result in artifacts and distortions. In this paper, a novel dictionary learning algorithm operating in the gradient-domain (Grad-DL) is proposed for few-view CT reconstruction. Specifically, the dictionaries are trained from the horizontal and vertical gradient images, respectively and the desired image is reconstructed subsequently from the sparse representations of both gradients by solving the least-square method. Since the gradient images are sparser than the image itself, the proposed approach could lead to sparser representations than conventional DL methods in the image-domain, and thus a better reconstruction quality is achieved. To evaluate the proposed Grad-DL algorithm, both qualitative and quantitative studies were employed through computer simulations as well as real data experiments on fan-beam and cone-beam geometry. The results show that the proposed algorithm can yield better images than the existing algorithms.

  20. Descent Through Clouds to Surface

    NASA Image and Video Library

    2005-01-18

    This frame from an animation is made up from a sequence of images taken by the Descent Imager/Spectral Radiometer (DISR) instrument on board ESA's Huygens probe, during its successful descent to Titan on Jan. 14, 2005. The animation is available at http://photojournal.jpl.nasa.gov/catalog/PIA07234 It shows what a passenger riding on Huygens would have seen. The sequence starts from an altitude of 152 kilometers (about 95 miles) and initially only shows a hazy view looking into thick cloud. As the probe descends, ground features can be discerned and Huygens emerges from the clouds at around 30 kilometers (about 19 miles) altitude. The ground features seem to rotate as Huygens spins slowly underits parachute. The DISR consists of a downward-looking High Resolution Imager (HRI), a Medium Resolution Imager (MRI), which looks out at an angle, and a Side Looking Imager (SLI). For this animation, most images used were captured by the HRI and MRI. Once on the ground, the final landing scene was captured by the SLI. The Descent Imager/Spectral Radiometer is one of two NASA instruments on the probe.

  1. Top-Down Visual Saliency via Joint CRF and Dictionary Learning.

    PubMed

    Yang, Jimei; Yang, Ming-Hsuan

    2017-03-01

    Top-down visual saliency is an important module of visual attention. In this work, we propose a novel top-down saliency model that jointly learns a Conditional Random Field (CRF) and a visual dictionary. The proposed model incorporates a layered structure from top to bottom: CRF, sparse coding and image patches. With sparse coding as an intermediate layer, CRF is learned in a feature-adaptive manner; meanwhile with CRF as the output layer, the dictionary is learned under structured supervision. For efficient and effective joint learning, we develop a max-margin approach via a stochastic gradient descent algorithm. Experimental results on the Graz-02 and PASCAL VOC datasets show that our model performs favorably against state-of-the-art top-down saliency methods for target object localization. In addition, the dictionary update significantly improves the performance of our model. We demonstrate the merits of the proposed top-down saliency model by applying it to prioritizing object proposals for detection and predicting human fixations.

  2. Learning Weight Uncertainty with Stochastic Gradient MCMC for Shape Classification

    DOE Office of Scientific and Technical Information (OSTI.GOV)

    Li, Chunyuan; Stevens, Andrew J.; Chen, Changyou

    2016-08-10

    Learning the representation of shape cues in 2D & 3D objects for recognition is a fundamental task in computer vision. Deep neural networks (DNNs) have shown promising performance on this task. Due to the large variability of shapes, accurate recognition relies on good estimates of model uncertainty, ignored in traditional training of DNNs, typically learned via stochastic optimization. This paper leverages recent advances in stochastic gradient Markov Chain Monte Carlo (SG-MCMC) to learn weight uncertainty in DNNs. It yields principled Bayesian interpretations for the commonly used Dropout/DropConnect techniques and incorporates them into the SG-MCMC framework. Extensive experiments on 2D &more » 3D shape datasets and various DNN models demonstrate the superiority of the proposed approach over stochastic optimization. Our approach yields higher recognition accuracy when used in conjunction with Dropout and Batch-Normalization.« less

  3. The Huygens Descent Trajectory Working Group and the Reconstruction of the Huygens Probe Entry and Descent Trajectory at Titan

    NASA Astrophysics Data System (ADS)

    Atkinson, David H.; Kazeminejad, Bobby; Lebreton, Jean-Pierre

    2015-04-01

    Cassini/Huygens, a flagship mission to explore the rings, atmosphere, magnetic field, and moons that make up the Saturn system, is a joint endeavor of NASA, the European Space Agency, and Agenzia Spaziale Italiana. Comprising two spacecraft - a Saturn orbiter built by NASA and a Titan entry/descent probe built by the European Space Agency - Cassini/Huygens was launched in October 1997 and arrived at Saturn in 2004. The Huygens probe parachuted to the surface of Titan in January 2005. During the descent, six science instruments provided measurements of Titan's atmosphere, clouds, and winds, and photographed Titan's surface. It was recognized early in the Huygens program that to correctly interpret and correlate results from the probe science experiments and to provide a reference set of data for ground truth calibration of the Cassini orbiter remote sensing observations, an accurate reconstruction of the probe entry and descent trajectory and surface landing location would be necessary. The Huygens Descent Trajectory Working Group (DTWG) was chartered in 1996 as a subgroup of the Huygens Science Working Team. With membership comprising representatives from all the probe engineering and instrument teams as well as representatives of industry and the Cassini and Huygens Project Scientists, the DTWG presented an organizational framework within which instrument data was shared, the entry and descent trajectory reconstruction implemented, and the trajectory reconstruction efficiently disseminated. The primary goal of the Descent Trajectory Working Group was to develop retrieval methodologies for the probe descent trajectory reconstruction from the entry interface altitude of 1270 km to the surface using navigation data, and engineering and science data acquired by the instruments on the Huygens Probe, and to provide a reconstruction of the Huygens probe trajectory from entry to the surface of Titan that is maximally consistent with all available engineering and science

  4. Representation learning via Dual-Autoencoder for recommendation.

    PubMed

    Zhuang, Fuzhen; Zhang, Zhiqiang; Qian, Mingda; Shi, Chuan; Xie, Xing; He, Qing

    2017-06-01

    Recommendation has provoked vast amount of attention and research in recent decades. Most previous works employ matrix factorization techniques to learn the latent factors of users and items. And many subsequent works consider external information, e.g., social relationships of users and items' attributions, to improve the recommendation performance under the matrix factorization framework. However, matrix factorization methods may not make full use of the limited information from rating or check-in matrices, and achieve unsatisfying results. Recently, deep learning has proven able to learn good representation in natural language processing, image classification, and so on. Along this line, we propose a new representation learning framework called Recommendation via Dual-Autoencoder (ReDa). In this framework, we simultaneously learn the new hidden representations of users and items using autoencoders, and minimize the deviations of training data by the learnt representations of users and items. Based on this framework, we develop a gradient descent method to learn hidden representations. Extensive experiments conducted on several real-world data sets demonstrate the effectiveness of our proposed method compared with state-of-the-art matrix factorization based methods. Copyright © 2017 Elsevier Ltd. All rights reserved.

  5. Integrated Targeting and Guidance for Powered Planetary Descent

    NASA Astrophysics Data System (ADS)

    Azimov, Dilmurat M.; Bishop, Robert H.

    2018-02-01

    This paper presents an on-board guidance and targeting design that enables explicit state and thrust vector control and on-board targeting for planetary descent and landing. These capabilities are developed utilizing a new closed-form solution for the constant thrust arc of the braking phase of the powered descent trajectory. The key elements of proven targeting and guidance architectures, including braking and approach phase quartics, are employed. It is demonstrated that implementation of the proposed solution avoids numerical simulation iterations, thereby facilitating on-board execution of targeting procedures during the descent. It is shown that the shape of the braking phase constant thrust arc is highly dependent on initial mass and propulsion system parameters. The analytic solution process is explicit in terms of targeting and guidance parameters, while remaining generic with respect to planetary body and descent trajectory design. These features increase the feasibility of extending the proposed integrated targeting and guidance design to future cargo and robotic landing missions.

  6. Integrated Targeting and Guidance for Powered Planetary Descent

    NASA Astrophysics Data System (ADS)

    Azimov, Dilmurat M.; Bishop, Robert H.

    2018-06-01

    This paper presents an on-board guidance and targeting design that enables explicit state and thrust vector control and on-board targeting for planetary descent and landing. These capabilities are developed utilizing a new closed-form solution for the constant thrust arc of the braking phase of the powered descent trajectory. The key elements of proven targeting and guidance architectures, including braking and approach phase quartics, are employed. It is demonstrated that implementation of the proposed solution avoids numerical simulation iterations, thereby facilitating on-board execution of targeting procedures during the descent. It is shown that the shape of the braking phase constant thrust arc is highly dependent on initial mass and propulsion system parameters. The analytic solution process is explicit in terms of targeting and guidance parameters, while remaining generic with respect to planetary body and descent trajectory design. These features increase the feasibility of extending the proposed integrated targeting and guidance design to future cargo and robotic landing missions.

  7. Measurement of CPAS Main Parachute Rate of Descent

    NASA Technical Reports Server (NTRS)

    Ray, Eric S.

    2011-01-01

    The Crew Exploration Vehicle Parachute Assembly System (CPAS) is being designed to land the Orion Crew Module (CM) at a safe rate of descent at splashdown. Flight test performance must be measured to a high degree of accuracy to ensure this requirement is met with the most efficient design possible. Although the design includes three CPAS Main parachutes, the requirement is that the system must not exceed 33 ft/s under two Main parachutes, should one of the Main parachutes fail. Therefore, several tests were conducted with clusters of two Mains. All of the steady-state rate of descent data are normalized to standard sea level conditions and checked against the limit. As the Orion design gains weight, the system is approaching this limit to within measurement precision. Parachute "breathing," cluster interactions, and atmospheric anomalies can cause the rate of descent to vary widely and lead to challenges in characterizing parachute terminal performance. An early test had contradictory rate of descent results from optical trajectory and Differential Global Positioning Systems (DGPS). A thorough analysis of the data sources and error propagation was conducted to determine the uncertainty in the trajectory. It was discovered that the Time Space Position Information (TSPI) from the optical tracking provided accurate position data. However, the velocity from TPSI must be computed via numerical differentiation, which is prone to large error. DGPS obtains position through pseudo-range calculations from multiple satellites and velocity through Doppler shift of the carrier frequency. Because the velocity from DGPS is a direct measurement, it is more accurate than TSPI velocity. To remedy the situation, a commercial off-the-shelf product that combines GPS and an Inertial Measurement Unit (IMU) was purchased to significantly improve rate of descent measurements. This had the added benefit of solving GPS dropouts during aircraft extraction. Statistical probability

  8. Automation for Accommodating Fuel-Efficient Descents in Constrained Airspace

    NASA Technical Reports Server (NTRS)

    Coopenbarger, Richard A.

    2010-01-01

    Continuous descents at low engine power are desired to reduce fuel consumption, emissions and noise during arrival operations. The challenge is to allow airplanes to fly these types of efficient descents without interruption during busy traffic conditions. During busy conditions today, airplanes are commonly forced to fly inefficient, step-down descents as airtraffic controllers work to ensure separation and maximize throughput. NASA in collaboration with government and industry partners is developing new automation to help controllers accommodate continuous descents in the presence of complex traffic and airspace constraints. This automation relies on accurate trajectory predictions to compute strategic maneuver advisories. The talk will describe the concept behind this new automation and provide an overview of the simulations and flight testing used to develop and refine its underlying technology.

  9. Method of Real-Time Principal-Component Analysis

    NASA Technical Reports Server (NTRS)

    Duong, Tuan; Duong, Vu

    2005-01-01

    Dominant-element-based gradient descent and dynamic initial learning rate (DOGEDYN) is a method of sequential principal-component analysis (PCA) that is well suited for such applications as data compression and extraction of features from sets of data. In comparison with a prior method of gradient-descent-based sequential PCA, this method offers a greater rate of learning convergence. Like the prior method, DOGEDYN can be implemented in software. However, the main advantage of DOGEDYN over the prior method lies in the facts that it requires less computation and can be implemented in simpler hardware. It should be possible to implement DOGEDYN in compact, low-power, very-large-scale integrated (VLSI) circuitry that could process data in real time.

  10. Implementing the Mars Science Laboratory Terminal Descent Sensor Field Test Campaign

    NASA Technical Reports Server (NTRS)

    Montgomery, James F.; Bodie, James H.; Brown, Joseph D.; Chen, Allen; Chen, Curtis W.; Essmiller, John C.; Fisher, Charles D.; Goldberg, Hannah R.; Lee, Steven W.; Shaffer, Scott J.

    2012-01-01

    The Mars Science Laboratory (MSL) will deliver a 900 kg rover to the surface of Mars in August 2012. MSL will utilize a new pulse-Doppler landing radar, the Terminal Descent Sensor (TDS). The TDS employs six narrow-beam antennas to provide unprecedented slant range and velocity performance at Mars to enable soft touchdown of the MSL rover using a unique sky crane Entry, De-scent, and Landing (EDL) technique. Prior to use on MSL, the TDS was put through a rigorous verification and validation (V&V) process. A key element of this V&V was operating the TDS over a series of field tests, using flight-like profiles expected during the descent and landing of MSL over Mars-like terrain on Earth. Limits of TDS performance were characterized with additional testing meant to stress operational modes outside of the expected EDL flight profiles. The flight envelope over which the TDS must operate on Mars encompasses such a large range of altitudes and velocities that a variety of venues were neces-sary to cover the test space. These venues included an F/A-18 high performance aircraft, a Eurocopter AS350 AStar helicopter and 100-meter tall Echo Towers at the China Lake Naval Air Warfare Center. Testing was carried out over a five year period from July 2006 to June 2011. TDS performance was shown, in gen-eral, to be excellent over all venues. This paper describes the planning, design, and implementation of the field test campaign plus results and lessons learned.

  11. Design of automation tools for management of descent traffic

    NASA Technical Reports Server (NTRS)

    Erzberger, Heinz; Nedell, William

    1988-01-01

    The design of an automated air traffic control system based on a hierarchy of advisory tools for controllers is described. Compatibility of the tools with the human controller, a key objective of the design, is achieved by a judicious selection of tasks to be automated and careful attention to the design of the controller system interface. The design comprises three interconnected subsystems referred to as the Traffic Management Advisor, the Descent Advisor, and the Final Approach Spacing Tool. Each of these subsystems provides a collection of tools for specific controller positions and tasks. This paper focuses primarily on the Descent Advisor which provides automation tools for managing descent traffic. The algorithms, automation modes, and graphical interfaces incorporated in the design are described. Information generated by the Descent Advisor tools is integrated into a plan view traffic display consisting of a high-resolution color monitor. Estimated arrival times of aircraft are presented graphically on a time line, which is also used interactively in combination with a mouse input device to select and schedule arrival times. Other graphical markers indicate the location of the fuel-optimum top-of-descent point and the predicted separation distances of aircraft at a designated time-control point. Computer generated advisories provide speed and descent clearances which the controller can issue to aircraft to help them arrive at the feeder gate at the scheduled times or with specified separation distances. Two types of horizontal guidance modes, selectable by the controller, provide markers for managing the horizontal flightpaths of aircraft under various conditions. The entire system consisting of descent advisor algorithm, a library of aircraft performance models, national airspace system data bases, and interactive display software has been implemented on a workstation made by Sun Microsystems, Inc. It is planned to use this configuration in operational

  12. How to define pathologic pelvic floor descent in MR defecography during defecation?

    PubMed

    Schawkat, Khoschy; Heinrich, Henriette; Parker, Helen L; Barth, Borna K; Mathew, Rishi P; Weishaupt, Dominik; Fox, Mark; Reiner, Caecilia S

    2018-06-01

    To assess the extents of pelvic floor descent both during the maximal straining phase and the defecation phase in healthy volunteers and in patients with pelvic floor disorders, studied with MR defecography (MRD), and to define specific threshold values for pelvic floor descent during the defecation phase. Twenty-two patients (mean age 51 ± 19.4) with obstructed defecation and 20 healthy volunteers (mean age 33.4 ± 11.5) underwent 3.0T MRD in supine position using midsagittal T2-weighted images. Two radiologists performed measurements in reference to PCL-lines in straining and during defecation. In order to identify cutoff values of pelvic floor measurements for diagnosis of pathologic pelvic floor descent [anterior, middle, and posterior compartments (AC, MC, PC)], receiver-operating characteristic (ROC) curves were plotted. Pelvic floor descent of all three compartments was significantly larger during defecation than at straining in patients and healthy volunteers (p < 0.002). When grading pelvic floor descent in the straining phase, only two healthy volunteers showed moderate PC descent (10%), which is considered pathologic. However, when applying the grading system during defecation, PC descent was overestimated with 50% of the healthy volunteers (10 of 20) showing moderate PC descent. The AUC for PC measurements during defecation was 0.77 (p = 0.003) and suggests a cutoff value of 45 mm below the PCL to identify patients with pathologic PC descent. With the adapted cutoff, only 15% of healthy volunteers show pathologic PC descent during defecation. MRD measurements during straining and defecation can be used to differentiate patients with pelvic floor dysfunction from healthy volunteers. However, different cutoff values should be used during straining and during defecation to define normal or pathologic PC descent.

  13. Adaptive Performance Seeking Control Using Fuzzy Model Reference Learning Control and Positive Gradient Control

    NASA Technical Reports Server (NTRS)

    Kopasakis, George

    1997-01-01

    Performance Seeking Control attempts to find the operating condition that will generate optimal performance and control the plant at that operating condition. In this paper a nonlinear multivariable Adaptive Performance Seeking Control (APSC) methodology will be developed and it will be demonstrated on a nonlinear system. The APSC is comprised of the Positive Gradient Control (PGC) and the Fuzzy Model Reference Learning Control (FMRLC). The PGC computes the positive gradients of the desired performance function with respect to the control inputs in order to drive the plant set points to the operating point that will produce optimal performance. The PGC approach will be derived in this paper. The feedback control of the plant is performed by the FMRLC. For the FMRLC, the conventional fuzzy model reference learning control methodology is utilized, with guidelines generated here for the effective tuning of the FMRLC controller.

  14. Rules and mechanisms for efficient two-stage learning in neural circuits

    PubMed Central

    Teşileanu, Tiberiu; Ölveczky, Bence; Balasubramanian, Vijay

    2017-01-01

    Trial-and-error learning requires evaluating variable actions and reinforcing successful variants. In songbirds, vocal exploration is induced by LMAN, the output of a basal ganglia-related circuit that also contributes a corrective bias to the vocal output. This bias is gradually consolidated in RA, a motor cortex analogue downstream of LMAN. We develop a new model of such two-stage learning. Using stochastic gradient descent, we derive how the activity in ‘tutor’ circuits (e.g., LMAN) should match plasticity mechanisms in ‘student’ circuits (e.g., RA) to achieve efficient learning. We further describe a reinforcement learning framework through which the tutor can build its teaching signal. We show that mismatches between the tutor signal and the plasticity mechanism can impair learning. Applied to birdsong, our results predict the temporal structure of the corrective bias from LMAN given a plasticity rule in RA. Our framework can be applied predictively to other paired brain areas showing two-stage learning. DOI: http://dx.doi.org/10.7554/eLife.20944.001 PMID:28374674

  15. Air-Traffic Controllers Evaluate The Descent Advisor

    NASA Technical Reports Server (NTRS)

    Tobias, Leonard; Volckers, Uwe; Erzberger, Heinz

    1992-01-01

    Report describes study of Descent Advisor algorithm: software automation aid intended to assist air-traffic controllers in spacing traffic and meeting specified times or arrival. Based partly on mathematical models of weather conditions and performances of aircraft, it generates suggested clearances, including top-of-descent points and speed-profile data to attain objectives. Study focused on operational characteristics with specific attention to how it can be used for prediction, spacing, and metering.

  16. Analysis of Flight Management System Predictions of Idle-Thrust Descents

    NASA Technical Reports Server (NTRS)

    Stell, Laurel

    2010-01-01

    To enable arriving aircraft to fly optimized descents computed by the flight management system (FMS) in congested airspace, ground automation must accurately predict descent trajectories. To support development of the predictor and its uncertainty models, descents from cruise to the meter fix were executed using vertical navigation in a B737-700 simulator and a B777-200 simulator, both with commercial FMSs. For both aircraft types, the FMS computed the intended descent path for a specified speed profile assuming idle thrust after top of descent (TOD), and then it controlled the avionics without human intervention. The test matrix varied aircraft weight, descent speed, and wind conditions. The first analysis in this paper determined the effect of the test matrix parameters on the FMS computation of TOD location, and it compared the results to those for the current ground predictor in the Efficient Descent Advisor (EDA). The second analysis was similar but considered the time to fly a specified distance to the meter fix. The effects of the test matrix variables together with the accuracy requirements for the predictor will determine the allowable error for the predictor inputs. For the B737, the EDA prediction of meter fix crossing time agreed well with the FMS; but its prediction of TOD location probably was not sufficiently accurate to enable idle-thrust descents in congested airspace, even though the FMS and EDA gave similar shapes for TOD location as a function of the test matrix variables. For the B777, the FMS and EDA gave different shapes for the TOD location function, and the EDA prediction of the TOD location is not accurate enough to fully enable the concept. Furthermore, the differences between the FMS and EDA predictions of meter fix crossing time for the B777 indicated that at least one of them was not sufficiently accurate.

  17. Descent Equations Starting from High Rank Chern-Simons

    NASA Astrophysics Data System (ADS)

    Kang, Bei; Pan, Yi; Wu, Ke; Yang, Jie; Yang, Zi-Feng

    2018-04-01

    In this paper a set of generalized descent equations are proposed. The solutions to those descent equations labeled by r for any r (r ≥ 2, r ɛ ℕ) are forms of degrees varying from 0 to (2r ‑ 1). And the case of r = 2 is mainly discussed. Supported by National Natural Science Foundation of China under Grant Nos. 11475116, 11401400

  18. Fast Optimization for Aircraft Descent and Approach Trajectory

    NASA Technical Reports Server (NTRS)

    Luchinsky, Dmitry G.; Schuet, Stefan; Brenton, J.; Timucin, Dogan; Smith, David; Kaneshige, John

    2017-01-01

    We address problem of on-line scheduling of the aircraft descent and approach trajectory. We formulate a general multiphase optimal control problem for optimization of the descent trajectory and review available methods of its solution. We develop a fast algorithm for solution of this problem using two key components: (i) fast inference of the dynamical and control variables of the descending trajectory from the low dimensional flight profile data and (ii) efficient local search for the resulting reduced dimensionality non-linear optimization problem. We compare the performance of the proposed algorithm with numerical solution obtained using optimal control toolbox General Pseudospectral Optimal Control Software. We present results of the solution of the scheduling problem for aircraft descent using novel fast algorithm and discuss its future applications.

  19. A mesh gradient technique for numerical optimization

    NASA Technical Reports Server (NTRS)

    Willis, E. A., Jr.

    1973-01-01

    A class of successive-improvement optimization methods in which directions of descent are defined in the state space along each trial trajectory are considered. The given problem is first decomposed into two discrete levels by imposing mesh points. Level 1 consists of running optimal subarcs between each successive pair of mesh points. For normal systems, these optimal two-point boundary value problems can be solved by following a routine prescription if the mesh spacing is sufficiently close. A spacing criterion is given. Under appropriate conditions, the criterion value depends only on the coordinates of the mesh points, and its gradient with respect to those coordinates may be defined by interpreting the adjoint variables as partial derivatives of the criterion value function. In level 2, the gradient data is used to generate improvement steps or search directions in the state space which satisfy the boundary values and constraints of the given problem.

  20. Mars Science Laboratory Descent Stage

    NASA Image and Video Library

    2011-11-10

    The descent stage of NASA Mars Science Laboratory spacecraft is being lifted during assembly of the spacecraft in this photograph taken inside the Payload Hazardous Servicing Facility at NASA Kennedy Space Center, Fla.

  1. 43 CFR 10.14 - Lineal descent and cultural affiliation.

    Code of Federal Regulations, 2011 CFR

    2011-10-01

    ... evidence sufficient to: (i) Establish the identity and cultural characteristics of the earlier group, (ii... 43 Public Lands: Interior 1 2011-10-01 2011-10-01 false Lineal descent and cultural affiliation... GRAVES PROTECTION AND REPATRIATION REGULATIONS General § 10.14 Lineal descent and cultural affiliation...

  2. 43 CFR 10.14 - Lineal descent and cultural affiliation.

    Code of Federal Regulations, 2010 CFR

    2010-10-01

    ... evidence sufficient to: (i) Establish the identity and cultural characteristics of the earlier group, (ii... 43 Public Lands: Interior 1 2010-10-01 2010-10-01 false Lineal descent and cultural affiliation... GRAVES PROTECTION AND REPATRIATION REGULATIONS General § 10.14 Lineal descent and cultural affiliation...

  3. A new smoothing modified three-term conjugate gradient method for [Formula: see text]-norm minimization problem.

    PubMed

    Du, Shouqiang; Chen, Miao

    2018-01-01

    We consider a kind of nonsmooth optimization problems with [Formula: see text]-norm minimization, which has many applications in compressed sensing, signal reconstruction, and the related engineering problems. Using smoothing approximate techniques, this kind of nonsmooth optimization problem can be transformed into a general unconstrained optimization problem, which can be solved by the proposed smoothing modified three-term conjugate gradient method. The smoothing modified three-term conjugate gradient method is based on Polak-Ribière-Polyak conjugate gradient method. For the Polak-Ribière-Polyak conjugate gradient method has good numerical properties, the proposed method possesses the sufficient descent property without any line searches, and it is also proved to be globally convergent. Finally, the numerical experiments show the efficiency of the proposed method.

  4. Mars Descent Imager (MARDI) on the Mars Polar Lander

    USGS Publications Warehouse

    Malin, M.C.; Caplinger, M.A.; Carr, M.H.; Squyres, S.; Thomas, P.; Veverka, J.

    2001-01-01

    The Mars Descent Imager, or MARDI, experiment on the Mars Polar Lander (MPL) consists of a camera characterized by small physical size and mass (???6 ?? 6 ?? 12 cm, including baffle; <500 gm), low power requirements (<2.5 W, including power supply losses), and high science performance (1000 x 1000 pixel, low noise). The intent of the investigation is to acquire nested images over a range of resolutions, from 8 m/pixel to better than 1 cm/pixel, during the roughly 2 min it takes the MPL to descend from 8 km to the surface under parachute and rocket-powered deceleration. Observational goals will include studies of (1) surface morphology (e.g., nature and distribution of landforms indicating past and present environmental processes); (2) local and regional geography (e.g., context for other lander instruments: precise location, detailed local relief); and (3) relationships to features seen in orbiter data. To accomplish these goals, MARDI will collect three types of images. Four small images (256 x 256 pixels) will be acquired on 0.5 s centers beginning 0.3 s before MPL's heatshield is jettisoned. Sixteen full-frame images (1024 X 1024, circularly edited) will be acquired on 5.3 s centers thereafter. Just after backshell jettison but prior to the start of powered descent, a "best final nonpowered descent image" will be acquired. Five seconds after the start of powered descent, the camera will begin acquiring images on 4 s centers. Storage for as many as ten 800 x 800 pixel images is available during terminal descent. A number of spacecraft factors are likely to impact the quality of MARDI images, including substantial motion blur resulting from large rates of attitude variation during parachute descent and substantial rocket-engine-induced vibration during powered descent. In addition, the mounting location of the camera places the exhaust plume of the hydrazine engines prominently in the field of view. Copyright 2001 by the American Geophysical Union.

  5. Overview of the Phoenix Entry, Descent and Landing System

    NASA Technical Reports Server (NTRS)

    Grover, Rob

    2005-01-01

    A viewgraph presentation on the entry, descent and landing system of Phoenix is shown. The topics include: 1) Phoenix Mission Goals; 2) Payload; 3) Aeroshell/Entry Comparison; 4) Entry Trajectory Comparison; 5) Phoenix EDL Timeline; 6) Hypersonic Phase; 7) Parachute Phase; 8) Terminal Descent Phase; and 9) EDL Communications.

  6. Aircraft Vortex Wake Descent and Decay under Real Atmospheric Effects

    DOT National Transportation Integrated Search

    1973-10-01

    Aircraft vortex wake descent and decay in a real atmosphere is studied analytically. Factors relating to encounter hazard, wake generation, wake descent and stability, and atmospheric dynamics are considered. Operational equations for encounter hazar...

  7. Recursive least-squares learning algorithms for neural networks

    NASA Astrophysics Data System (ADS)

    Lewis, Paul S.; Hwang, Jenq N.

    1990-11-01

    This paper presents the development of a pair of recursive least squares (ItLS) algorithms for online training of multilayer perceptrons which are a class of feedforward artificial neural networks. These algorithms incorporate second order information about the training error surface in order to achieve faster learning rates than are possible using first order gradient descent algorithms such as the generalized delta rule. A least squares formulation is derived from a linearization of the training error function. Individual training pattern errors are linearized about the network parameters that were in effect when the pattern was presented. This permits the recursive solution of the least squares approximation either via conventional RLS recursions or by recursive QR decomposition-based techniques. The computational complexity of the update is 0(N2) where N is the number of network parameters. This is due to the estimation of the N x N inverse Hessian matrix. Less computationally intensive approximations of the ilLS algorithms can be easily derived by using only block diagonal elements of this matrix thereby partitioning the learning into independent sets. A simulation example is presented in which a neural network is trained to approximate a two dimensional Gaussian bump. In this example RLS training required an order of magnitude fewer iterations on average (527) than did training with the generalized delta rule (6 1 BACKGROUND Artificial neural networks (ANNs) offer an interesting and potentially useful paradigm for signal processing and pattern recognition. The majority of ANN applications employ the feed-forward multilayer perceptron (MLP) network architecture in which network parameters are " trained" by a supervised learning algorithm employing the generalized delta rule (GDIt) [1 2]. The GDR algorithm approximates a fixed step steepest descent algorithm using derivatives computed by error backpropagatiori. The GDII algorithm is sometimes referred to as the

  8. Studies of the hormonal control of postnatal testicular descent in the rat.

    PubMed

    Spencer, J R; Vaughan, E D; Imperato-McGinley, J

    1993-03-01

    Dihydrotestosterone is believed to control the transinguinal phase of testicular descent based on hormonal manipulation studies performed in postnatal rats. In the present study, these hormonal manipulation experiments were repeated, and the results were compared with those obtained using the antiandrogens flutamide and cyproterone acetate. 17 beta-estradiol completely blocked testicular descent, but testosterone and dihydrotestosterone were equally effective in reversing this inhibition. Neither flutamide nor cyproterone acetate prevented testicular descent in postnatal rats despite marked peripheral antiandrogenic action. Further analysis of the data revealed a correlation between testicular size and descent. Androgen receptor blockade did not produce a marked reduction in testicular size and consequently did not prevent testicular descent, whereas estradiol alone caused marked testicular atrophy and testicular maldescent. Reduction of the estradiol dosage or concomitant administration of androgens or human chorionic gonadotropin resulted in both increased testicular size and degree of descent. These data suggest that growth of the neonatal rat testis may contribute to its passage into the scrotum.

  9. Learning algorithms for human-machine interfaces.

    PubMed

    Danziger, Zachary; Fishbach, Alon; Mussa-Ivaldi, Ferdinando A

    2009-05-01

    The goal of this study is to create and examine machine learning algorithms that adapt in a controlled and cadenced way to foster a harmonious learning environment between the user and the controlled device. To evaluate these algorithms, we have developed a simple experimental framework. Subjects wear an instrumented data glove that records finger motions. The high-dimensional glove signals remotely control the joint angles of a simulated planar two-link arm on a computer screen, which is used to acquire targets. A machine learning algorithm was applied to adaptively change the transformation between finger motion and the simulated robot arm. This algorithm was either LMS gradient descent or the Moore-Penrose (MP) pseudoinverse transformation. Both algorithms modified the glove-to-joint angle map so as to reduce the endpoint errors measured in past performance. The MP group performed worse than the control group (subjects not exposed to any machine learning), while the LMS group outperformed the control subjects. However, the LMS subjects failed to achieve better generalization than the control subjects, and after extensive training converged to the same level of performance as the control subjects. These results highlight the limitations of coadaptive learning using only endpoint error reduction.

  10. Learning Algorithms for Human–Machine Interfaces

    PubMed Central

    Fishbach, Alon; Mussa-Ivaldi, Ferdinando A.

    2012-01-01

    The goal of this study is to create and examine machine learning algorithms that adapt in a controlled and cadenced way to foster a harmonious learning environment between the user and the controlled device. To evaluate these algorithms, we have developed a simple experimental framework. Subjects wear an instrumented data glove that records finger motions. The high-dimensional glove signals remotely control the joint angles of a simulated planar two-link arm on a computer screen, which is used to acquire targets. A machine learning algorithm was applied to adaptively change the transformation between finger motion and the simulated robot arm. This algorithm was either LMS gradient descent or the Moore–Penrose (MP) pseudoinverse transformation. Both algorithms modified the glove-to-joint angle map so as to reduce the endpoint errors measured in past performance. The MP group performed worse than the control group (subjects not exposed to any machine learning), while the LMS group outperformed the control subjects. However, the LMS subjects failed to achieve better generalization than the control subjects, and after extensive training converged to the same level of performance as the control subjects. These results highlight the limitations of coadaptive learning using only endpoint error reduction. PMID:19203886

  11. Multivariate Gradient Analysis for Evaluating and Visualizing a Learning System Platform for Computer Programming

    ERIC Educational Resources Information Center

    Mather, Richard

    2015-01-01

    This paper explores the application of canonical gradient analysis to evaluate and visualize student performance and acceptance of a learning system platform. The subject of evaluation is a first year BSc module for computer programming. This uses "Ceebot," an animated and immersive game-like development environment. Multivariate…

  12. Representational Distance Learning for Deep Neural Networks

    PubMed Central

    McClure, Patrick; Kriegeskorte, Nikolaus

    2016-01-01

    Deep neural networks (DNNs) provide useful models of visual representational transformations. We present a method that enables a DNN (student) to learn from the internal representational spaces of a reference model (teacher), which could be another DNN or, in the future, a biological brain. Representational spaces of the student and the teacher are characterized by representational distance matrices (RDMs). We propose representational distance learning (RDL), a stochastic gradient descent method that drives the RDMs of the student to approximate the RDMs of the teacher. We demonstrate that RDL is competitive with other transfer learning techniques for two publicly available benchmark computer vision datasets (MNIST and CIFAR-100), while allowing for architectural differences between student and teacher. By pulling the student's RDMs toward those of the teacher, RDL significantly improved visual classification performance when compared to baseline networks that did not use transfer learning. In the future, RDL may enable combined supervised training of deep neural networks using task constraints (e.g., images and category labels) and constraints from brain-activity measurements, so as to build models that replicate the internal representational spaces of biological brains. PMID:28082889

  13. Representational Distance Learning for Deep Neural Networks.

    PubMed

    McClure, Patrick; Kriegeskorte, Nikolaus

    2016-01-01

    Deep neural networks (DNNs) provide useful models of visual representational transformations. We present a method that enables a DNN (student) to learn from the internal representational spaces of a reference model (teacher), which could be another DNN or, in the future, a biological brain. Representational spaces of the student and the teacher are characterized by representational distance matrices (RDMs). We propose representational distance learning (RDL), a stochastic gradient descent method that drives the RDMs of the student to approximate the RDMs of the teacher. We demonstrate that RDL is competitive with other transfer learning techniques for two publicly available benchmark computer vision datasets (MNIST and CIFAR-100), while allowing for architectural differences between student and teacher. By pulling the student's RDMs toward those of the teacher, RDL significantly improved visual classification performance when compared to baseline networks that did not use transfer learning. In the future, RDL may enable combined supervised training of deep neural networks using task constraints (e.g., images and category labels) and constraints from brain-activity measurements, so as to build models that replicate the internal representational spaces of biological brains.

  14. A piloted simulator evaluation of a ground-based 4-D descent advisor algorithm

    NASA Technical Reports Server (NTRS)

    Davis, Thomas J.; Green, Steven M.; Erzberger, Heinz

    1990-01-01

    A ground-based, four dimensional (4D) descent-advisor algorithm is under development at NASA-Ames. The algorithm combines detailed aerodynamic, propulsive, and atmospheric models with an efficient numerical integration scheme to generate 4D descent advisories. The ability is investigated of the 4D descent advisor algorithm to provide adequate control of arrival time for aircraft not equipped with on-board 4D guidance systems. A piloted simulation was conducted to determine the precision with which the descent advisor could predict the 4D trajectories of typical straight-in descents flown by airline pilots under different wind conditions. The effects of errors in the estimation of wind and initial aircraft weight were also studied. A description of the descent advisor as well as the result of the simulation studies are presented.

  15. Entry, Descent, and Landing With Propulsive Deceleration

    NASA Technical Reports Server (NTRS)

    Palaszewski, Bryan

    2012-01-01

    The future exploration of the Solar System will require innovations in transportation and the use of entry, descent, and landing (EDL) systems at many planetary landing sites. The cost of space missions has always been prohibitive, and using the natural planetary and planet s moons atmospheres for entry, descent, and landing can reduce the cost, mass, and complexity of these missions. This paper will describe some of the EDL ideas for planetary entry and survey the overall technologies for EDL that may be attractive for future Solar System missions.

  16. A gradient system solution to Potts mean field equations and its electronic implementation.

    PubMed

    Urahama, K; Ueno, S

    1993-03-01

    A gradient system solution method is presented for solving Potts mean field equations for combinatorial optimization problems subject to winner-take-all constraints. In the proposed solution method the optimum solution is searched by using gradient descent differential equations whose trajectory is confined within the feasible solution space of optimization problems. This gradient system is proven theoretically to always produce a legal local optimum solution of combinatorial optimization problems. An elementary analog electronic circuit implementing the presented method is designed on the basis of current-mode subthreshold MOS technologies. The core constituent of the circuit is the winner-take-all circuit developed by Lazzaro et al. Correct functioning of the presented circuit is exemplified with simulations of the circuits implementing the scheme for solving the shortest path problems.

  17. Validation of Genome-Wide Prostate Cancer Associations in Men of African Descent

    PubMed Central

    Chang, Bao-Li; Spangler, Elaine; Gallagher, Stephen; Haiman, Christopher A.; Henderson, Brian; Isaacs, William; Benford, Marnita L.; Kidd, LaCreis R.; Cooney, Kathleen; Strom, Sara; Ann Ingles, Sue; Stern, Mariana C.; Corral, Roman; Joshi, Amit D.; Xu, Jianfeng; Giri, Veda N.; Rybicki, Benjamin; Neslund-Dudas, Christine; Kibel, Adam S.; Thompson, Ian M.; Leach, Robin J.; Ostrander, Elaine A.; Stanford, Janet L.; Witte, John; Casey, Graham; Eeles, Rosalind; Hsing, Ann W.; Chanock, Stephen; Hu, Jennifer J.; John, Esther M.; Park, Jong; Stefflova, Klara; Zeigler-Johnson, Charnita; Rebbeck, Timothy R.

    2010-01-01

    Background Genome-wide association studies (GWAS) have identified numerous prostate cancer susceptibility alleles, but these loci have been identified primarily in men of European descent. There is limited information about the role of these loci in men of African descent. Methods We identified 7,788 prostate cancer cases and controls with genotype data for 47 GWAS-identified loci. Results We identified significant associations for SNP rs10486567 at JAZF1, rs10993994 at MSMB, rs12418451 and rs7931342 at 11q13, and rs5945572 and rs5945619 at NUDT10/11. These associations were in the same direction and of similar magnitude as those reported in men of European descent. Significance was attained at all report prostate cancer susceptibility regions at chromosome 8q24, including associations reaching genome-wide significance in region 2. Conclusion We have validated in men of African descent the associations at some, but not all, prostate cancer susceptibility loci originally identified in European descent populations. This may be due to heterogeneity in genetic etiology or in the pattern of genetic variation across populations. Impact The genetic etiology of prostate cancer in men of African descent differs from that of men of European descent. PMID:21071540

  18. Real time on-chip sequential adaptive principal component analysis for data feature extraction and image compression

    NASA Technical Reports Server (NTRS)

    Duong, T. A.

    2004-01-01

    In this paper, we present a new, simple, and optimized hardware architecture sequential learning technique for adaptive Principle Component Analysis (PCA) which will help optimize the hardware implementation in VLSI and to overcome the difficulties of the traditional gradient descent in learning convergence and hardware implementation.

  19. Adaptive distance metric learning for diffusion tensor image segmentation.

    PubMed

    Kong, Youyong; Wang, Defeng; Shi, Lin; Hui, Steve C N; Chu, Winnie C W

    2014-01-01

    High quality segmentation of diffusion tensor images (DTI) is of key interest in biomedical research and clinical application. In previous studies, most efforts have been made to construct predefined metrics for different DTI segmentation tasks. These methods require adequate prior knowledge and tuning parameters. To overcome these disadvantages, we proposed to automatically learn an adaptive distance metric by a graph based semi-supervised learning model for DTI segmentation. An original discriminative distance vector was first formulated by combining both geometry and orientation distances derived from diffusion tensors. The kernel metric over the original distance and labels of all voxels were then simultaneously optimized in a graph based semi-supervised learning approach. Finally, the optimization task was efficiently solved with an iterative gradient descent method to achieve the optimal solution. With our approach, an adaptive distance metric could be available for each specific segmentation task. Experiments on synthetic and real brain DTI datasets were performed to demonstrate the effectiveness and robustness of the proposed distance metric learning approach. The performance of our approach was compared with three classical metrics in the graph based semi-supervised learning framework.

  20. Adaptive Distance Metric Learning for Diffusion Tensor Image Segmentation

    PubMed Central

    Kong, Youyong; Wang, Defeng; Shi, Lin; Hui, Steve C. N.; Chu, Winnie C. W.

    2014-01-01

    High quality segmentation of diffusion tensor images (DTI) is of key interest in biomedical research and clinical application. In previous studies, most efforts have been made to construct predefined metrics for different DTI segmentation tasks. These methods require adequate prior knowledge and tuning parameters. To overcome these disadvantages, we proposed to automatically learn an adaptive distance metric by a graph based semi-supervised learning model for DTI segmentation. An original discriminative distance vector was first formulated by combining both geometry and orientation distances derived from diffusion tensors. The kernel metric over the original distance and labels of all voxels were then simultaneously optimized in a graph based semi-supervised learning approach. Finally, the optimization task was efficiently solved with an iterative gradient descent method to achieve the optimal solution. With our approach, an adaptive distance metric could be available for each specific segmentation task. Experiments on synthetic and real brain DTI datasets were performed to demonstrate the effectiveness and robustness of the proposed distance metric learning approach. The performance of our approach was compared with three classical metrics in the graph based semi-supervised learning framework. PMID:24651858

  1. Analysis of various descent trajectories for a hypersonic-cruise, cold-wall research airplane

    NASA Technical Reports Server (NTRS)

    Lawing, P. L.

    1975-01-01

    The probable descent operating conditions for a hypersonic air-breathing research airplane were examined. Descents selected were cruise angle of attack, high dynamic pressure, high lift coefficient, turns, and descents with drag brakes. The descents were parametrically exercised and compared from the standpoint of cold-wall (367 K) aircraft heat load. The descent parameters compared were total heat load, peak heating rate, time to landing, time to end of heat pulse, and range. Trends in total heat load as a function of cruise Mach number, cruise dynamic pressure, angle-of-attack limitation, pull-up g-load, heading angle, and drag-brake size are presented.

  2. Capillary descent.

    PubMed

    Delannoy, Joachim; de Maleprade, Hélène; Clanet, Christophe; Quéré, David

    2018-05-31

    A superhydrophobic capillary tube immersed in water and brought in contact with the bath surface will be invaded by air, owing to its aerophilicity. We discuss this phenomenon where the ingredients of classical capillary rise are inverted, which leads to noticeable dynamical features. (1) The main regime of air invasion is linear in time, due to the viscous resistance of water. (2) Menisci in tubes with millimetre-size radii strongly oscillate before reaching their equilibrium depth, a consequence of inertia. On the whole, capillary descent provides a broad variety of dynamics where capillary effects, viscous friction and liquid inertia all play a role.

  3. Mars Descent Imager for Curiosity

    NASA Image and Video Library

    2010-07-19

    A pocketknife provides scale for this image of the Mars Descent Imager camera; the camera will fly on the Curiosity rover of NASA Mars Science Laboratory mission. Malin Space Science Systems, San Diego, Calif., supplied the camera for the mission.

  4. A ℓ2, 1 norm regularized multi-kernel learning for false positive reduction in Lung nodule CAD.

    PubMed

    Cao, Peng; Liu, Xiaoli; Zhang, Jian; Li, Wei; Zhao, Dazhe; Huang, Min; Zaiane, Osmar

    2017-03-01

    The aim of this paper is to describe a novel algorithm for False Positive Reduction in lung nodule Computer Aided Detection(CAD). In this paper, we describes a new CT lung CAD method which aims to detect solid nodules. Specially, we proposed a multi-kernel classifier with a ℓ 2, 1 norm regularizer for heterogeneous feature fusion and selection from the feature subset level, and designed two efficient strategies to optimize the parameters of kernel weights in non-smooth ℓ 2, 1 regularized multiple kernel learning algorithm. The first optimization algorithm adapts a proximal gradient method for solving the ℓ 2, 1 norm of kernel weights, and use an accelerated method based on FISTA; the second one employs an iterative scheme based on an approximate gradient descent method. The results demonstrates that the FISTA-style accelerated proximal descent method is efficient for the ℓ 2, 1 norm formulation of multiple kernel learning with the theoretical guarantee of the convergence rate. Moreover, the experimental results demonstrate the effectiveness of the proposed methods in terms of Geometric mean (G-mean) and Area under the ROC curve (AUC), and significantly outperforms the competing methods. The proposed approach exhibits some remarkable advantages both in heterogeneous feature subsets fusion and classification phases. Compared with the fusion strategies of feature-level and decision level, the proposed ℓ 2, 1 norm multi-kernel learning algorithm is able to accurately fuse the complementary and heterogeneous feature sets, and automatically prune the irrelevant and redundant feature subsets to form a more discriminative feature set, leading a promising classification performance. Moreover, the proposed algorithm consistently outperforms the comparable classification approaches in the literature. Copyright © 2016 Elsevier Ireland Ltd. All rights reserved.

  5. Evolutionary analyses of non-genealogical bonds produced by introgressive descent.

    PubMed

    Bapteste, Eric; Lopez, Philippe; Bouchard, Frédéric; Baquero, Fernando; McInerney, James O; Burian, Richard M

    2012-11-06

    All evolutionary biologists are familiar with evolutionary units that evolve by vertical descent in a tree-like fashion in single lineages. However, many other kinds of processes contribute to evolutionary diversity. In vertical descent, the genetic material of a particular evolutionary unit is propagated by replication inside its own lineage. In what we call introgressive descent, the genetic material of a particular evolutionary unit propagates into different host structures and is replicated within these host structures. Thus, introgressive descent generates a variety of evolutionary units and leaves recognizable patterns in resemblance networks. We characterize six kinds of evolutionary units, of which five involve mosaic lineages generated by introgressive descent. To facilitate detection of these units in resemblance networks, we introduce terminology based on two notions, P3s (subgraphs of three nodes: A, B, and C) and mosaic P3s, and suggest an apparatus for systematic detection of introgressive descent. Mosaic P3s correspond to a distinct type of evolutionary bond that is orthogonal to the bonds of kinship and genealogy usually examined by evolutionary biologists. We argue that recognition of these evolutionary bonds stimulates radical rethinking of key questions in evolutionary biology (e.g., the relations among evolutionary players in very early phases of evolutionary history, the origin and emergence of novelties, and the production of new lineages). This line of research will expand the study of biological complexity beyond the usual genealogical bonds, revealing additional sources of biodiversity. It provides an important step to a more realistic pluralist treatment of evolutionary complexity.

  6. Direct Temperature Measurements during Netlander Descent on Mars

    NASA Astrophysics Data System (ADS)

    Colombatti, G.; Angrilli, F.; Ferri, F.; Francesconi, A.; Fulchignoni, M.; Lion Stoppato, P. F.; Saggi, B.

    1999-09-01

    A new design for a platinum thermoresistance temperature sensor has been developed and tested in Earth's atmosphere and stratosphere. It will be one of the sensors equipping the scientific package ATMIS (Atmospheric and Meteorology Instrument System), which will be devoted to the measurement of the meteorological parameters during both the entry/descent phase and the surface phase, aboard the Netlanders. In particular vertical profiles of temperature, density and pressure will allow the resolution of vertical gradients to investigate the atmospheric structure and dynamics. In view of the future missions to Mars, Netlander represents a unique chance to increase significantly the climate record both in time and in space, doubling the current knowledge of the atmospheric parameters. Furthermore is the only opportunity to conduct direct measurement of temperature and pressure (outside the boundary layer of the airbags used for the landing). The temperature sensor proposed is a platinum thermoresistance, enhancement of HASI TEM (Cassini/Huygens Mission); a substantial improvement of the performances, i.e. a faster dynamic response, has been obtained. Two different prototypes of new design sensor have been built, laboratory test are proceeding and the second one has been already flown aboard a stratospheric balloon.

  7. Policy Gradient Adaptive Dynamic Programming for Data-Based Optimal Control.

    PubMed

    Luo, Biao; Liu, Derong; Wu, Huai-Ning; Wang, Ding; Lewis, Frank L

    2017-10-01

    The model-free optimal control problem of general discrete-time nonlinear systems is considered in this paper, and a data-based policy gradient adaptive dynamic programming (PGADP) algorithm is developed to design an adaptive optimal controller method. By using offline and online data rather than the mathematical system model, the PGADP algorithm improves control policy with a gradient descent scheme. The convergence of the PGADP algorithm is proved by demonstrating that the constructed Q -function sequence converges to the optimal Q -function. Based on the PGADP algorithm, the adaptive control method is developed with an actor-critic structure and the method of weighted residuals. Its convergence properties are analyzed, where the approximate Q -function converges to its optimum. Computer simulation results demonstrate the effectiveness of the PGADP-based adaptive control method.

  8. Mars Science Laboratory Entry, Descent and Landing System Overview

    NASA Technical Reports Server (NTRS)

    Steltzner, Adam D.; San Martin, A. Miguel; Rivellini, Tomasso P.; Chen, Allen

    2013-01-01

    The Mars Science Laboratory project recently places the Curiosity rove on the surface of Mars. With the success of the landing system, the performance envelope of entry, descent and landing capabilities has been extended over the previous state of the art. This paper will present an overview to the MSL entry, descent and landing system design and preliminary flight performance results.

  9. Model-Free Optimal Tracking Control via Critic-Only Q-Learning.

    PubMed

    Luo, Biao; Liu, Derong; Huang, Tingwen; Wang, Ding

    2016-10-01

    Model-free control is an important and promising topic in control fields, which has attracted extensive attention in the past few years. In this paper, we aim to solve the model-free optimal tracking control problem of nonaffine nonlinear discrete-time systems. A critic-only Q-learning (CoQL) method is developed, which learns the optimal tracking control from real system data, and thus avoids solving the tracking Hamilton-Jacobi-Bellman equation. First, the Q-learning algorithm is proposed based on the augmented system, and its convergence is established. Using only one neural network for approximating the Q-function, the CoQL method is developed to implement the Q-learning algorithm. Furthermore, the convergence of the CoQL method is proved with the consideration of neural network approximation error. With the convergent Q-function obtained from the CoQL method, the adaptive optimal tracking control is designed based on the gradient descent scheme. Finally, the effectiveness of the developed CoQL method is demonstrated through simulation studies. The developed CoQL method learns with off-policy data and implements with a critic-only structure, thus it is easy to realize and overcome the inadequate exploration problem.

  10. Surface erosion caused on Mars from Viking descent engine plume

    USGS Publications Warehouse

    Hutton, R.E.; Moore, H.J.; Scott, R.F.; Shorthill, R.W.; Spitzer, C.R.

    1980-01-01

    During the Martian landings the descent engine plumes on Viking Lander 1 (VL-1) and Viking Lander 2 (VL-2) eroded the Martian surface materials. This had been anticipated and investigated both analytically and experimentally during the design phase of the Viking spacecraft. This paper presents data on erosion obtained during the tests of the Viking descent engine and the evidence for erosion by the descent engines of VL-1 and VL-2 on Mars. From these and other results, it is concluded that there are four distinct surface materials on Mars: (1) drift material, (2) crusty to cloddy material, (3) blocky material, and (4) rock. ?? 1980 D. Reidel Publishing Co.

  11. Evaluation of vertical profiles to design continuous descent approach procedure

    NASA Astrophysics Data System (ADS)

    Pradeep, Priyank

    The current research focuses on predictability, variability and operational feasibility aspect of Continuous Descent Approach (CDA), which is among the key concepts of the Next Generation Air Transportation System (NextGen). The idle-thrust CDA is a fuel economical, noise and emission abatement procedure, but requires increased separation to accommodate for variability and uncertainties in vertical and speed profiles of arriving aircraft. Although a considerable amount of researches have been devoted to the estimation of potential benefits of the CDA, only few have attempted to explain the predictability, variability and operational feasibility aspect of CDA. The analytical equations derived using flight dynamics and Base of Aircraft and Data (BADA) Total Energy Model (TEM) in this research gives insight into dependency of vertical profile of CDA on various factors like wind speed and gradient, weight, aircraft type and configuration, thrust settings, atmospheric factors (deviation from ISA (DISA), pressure and density of the air) and descent speed profile. Application of the derived equations to idle-thrust CDA gives an insight into sensitivity of its vertical profile to multiple factors. This suggests fixed geometric flight path angle (FPA) CDA has higher degree of predictability and lesser variability at the cost of non-idle and low thrust engine settings. However, with optimized design this impact can be overall minimized. The CDA simulations were performed using Future ATM Concept Evaluation Tool (FACET) based on radar-track and aircraft type data (BADA) of the real air-traffic to some of the busiest airports in the USA (ATL, SFO and New York Metroplex (JFK, EWR and LGA)). The statistical analysis of the vertical profiles of CDA shows 1) mean geometric FPAs derived from various simulated vertical profiles are consistently shallower than 3° glideslope angle and 2) high level of variability in vertical profiles of idle-thrust CDA even in absence of

  12. Intrascrotal CGRP 8-37 causes a delay in testicular descent in mice.

    PubMed

    Samarakkody, U K; Hutson, J M

    1992-07-01

    The genitofemoral nerve is a key factor in the inguinoscrotal descent of the testis. The effect of androgens may be mediated via the central nervous system, which in turn secretes the neurotransmitter calcitonin gene-related peptide (CGRP) at the genitofemoral nerve endings, to cause testicular descent. The effect of endogenous CGRP was examined by weekly injections of a vehicle with or without synthetic antagonist (CGRP 8-37) into the developing scrotum of neonatal mice. The descent of the testis was delayed in the experimental group compared with the control group. At 2 weeks of age 43% of controls had descended testes compared with 0% of experimental animals. At 3 weeks of age 17% of experimentals still had undescended testes, whereas all testes were descended in controls. At 4 weeks 3 testes remained undescended in the experimental group. It is concluded that the CGRP antagonist can retard testicular descent. This result is consistent with the hypothesis that CGRP is an important intermediary in testicular descent.

  13. Conjugate gradient filtering of instantaneous normal modes, saddles on the energy landscape, and diffusion in liquids.

    PubMed

    Chowdhary, J; Keyes, T

    2002-02-01

    Instantaneous normal modes (INM's) are calculated during a conjugate-gradient (CG) descent of the potential energy landscape, starting from an equilibrium configuration of a liquid or crystal. A small number (approximately equal to 4) of CG steps removes all the Im-omega modes in the crystal and leaves the liquid with diffusive Im-omega which accurately represent the self-diffusion constant D. Conjugate gradient filtering appears to be a promising method, applicable to any system, of obtaining diffusive modes and facilitating INM theory of D. The relation of the CG-step dependent INM quantities to the landscape and its saddles is discussed.

  14. Simulating Descent and Landing of a Spacecraft

    NASA Technical Reports Server (NTRS)

    Balaram, J.; Jain, Abhinandan; Martin, Bryan; Lim, Christopher; Henriquez, David; McMahon, Elihu; Sohl, Garrett; Banerjee, Pranab; Steele, Robert; Bentley, Timothy

    2005-01-01

    The Dynamics Simulator for Entry, Descent, and Surface landing (DSENDS) software performs high-fidelity simulation of the Entry, Descent, and Landing (EDL) of a spacecraft into the atmosphere and onto the surface of a planet or a smaller body. DSENDS is an extension of the DShell and DARTS programs, which afford capabilities for mathematical modeling of the dynamics of a spacecraft as a whole and of its instruments, actuators, and other subsystems. DSENDS enables the modeling (including real-time simulation) of flight-train elements and all spacecraft responses during various phases of EDL. DSENDS provides high-fidelity models of the aerodynamics of entry bodies and parachutes plus supporting models of atmospheres. Terrain and real-time responses of terrain-imaging radar and lidar instruments can also be modeled. The program includes modules for simulation of guidance, navigation, hypersonic steering, and powered descent. Automated state-machine-driven model switching is used to represent spacecraft separations and reconfigurations. Models for computing landing contact and impact forces are expected to be added. DSENDS can be used as a stand-alone program or incorporated into a larger program that simulates operations in real time.

  15. Explorations on High Dimensional Landscapes: Spin Glasses and Deep Learning

    NASA Astrophysics Data System (ADS)

    Sagun, Levent

    This thesis deals with understanding the structure of high-dimensional and non-convex energy landscapes. In particular, its focus is on the optimization of two classes of functions: homogeneous polynomials and loss functions that arise in machine learning. In the first part, the notion of complexity of a smooth, real-valued function is studied through its critical points. Existing theoretical results predict that certain random functions that are defined on high dimensional domains have a narrow band of values whose pre-image contains the bulk of its critical points. This section provides empirical evidence for convergence of gradient descent to local minima whose energies are near the predicted threshold justifying the existing asymptotic theory. Moreover, it is empirically shown that a similar phenomenon may hold for deep learning loss functions. Furthermore, there is a comparative analysis of gradient descent and its stochastic version showing that in high dimensional regimes the latter is a mere speedup. The next study focuses on the halting time of an algorithm at a given stopping condition. Given an algorithm, the normalized fluctuations of the halting time follow a distribution that remains unchanged even when the input data is sampled from a new distribution. Two qualitative classes are observed: a Gumbel-like distribution that appears in Google searches, human decision times, and spin glasses and a Gaussian-like distribution that appears in conjugate gradient method, deep learning with MNIST and random input data. Following the universality phenomenon, the Hessian of the loss functions of deep learning is studied. The spectrum is seen to be composed of two parts, the bulk which is concentrated around zero, and the edges which are scattered away from zero. Empirical evidence is presented for the bulk indicating how over-parametrized the system is, and for the edges that depend on the input data. Furthermore, an algorithm is proposed such that it would

  16. Structure identification in fuzzy inference using reinforcement learning

    NASA Technical Reports Server (NTRS)

    Berenji, Hamid R.; Khedkar, Pratap

    1993-01-01

    In our previous work on the GARIC architecture, we have shown that the system can start with surface structure of the knowledge base (i.e., the linguistic expression of the rules) and learn the deep structure (i.e., the fuzzy membership functions of the labels used in the rules) by using reinforcement learning. Assuming the surface structure, GARIC refines the fuzzy membership functions used in the consequents of the rules using a gradient descent procedure. This hybrid fuzzy logic and reinforcement learning approach can learn to balance a cart-pole system and to backup a truck to its docking location after a few trials. In this paper, we discuss how to do structure identification using reinforcement learning in fuzzy inference systems. This involves identifying both surface as well as deep structure of the knowledge base. The term set of fuzzy linguistic labels used in describing the values of each control variable must be derived. In this process, splitting a label refers to creating new labels which are more granular than the original label and merging two labels creates a more general label. Splitting and merging of labels directly transform the structure of the action selection network used in GARIC by increasing or decreasing the number of hidden layer nodes.

  17. Semi-local machine-learned kinetic energy density functional with third-order gradients of electron density

    NASA Astrophysics Data System (ADS)

    Seino, Junji; Kageyama, Ryo; Fujinami, Mikito; Ikabata, Yasuhiro; Nakai, Hiromi

    2018-06-01

    A semi-local kinetic energy density functional (KEDF) was constructed based on machine learning (ML). The present scheme adopts electron densities and their gradients up to third-order as the explanatory variables for ML and the Kohn-Sham (KS) kinetic energy density as the response variable in atoms and molecules. Numerical assessments of the present scheme were performed in atomic and molecular systems, including first- and second-period elements. The results of 37 conventional KEDFs with explicit formulae were also compared with those of the ML KEDF with an implicit formula. The inclusion of the higher order gradients reduces the deviation of the total kinetic energies from the KS calculations in a stepwise manner. Furthermore, our scheme with the third-order gradient resulted in the closest kinetic energies to the KS calculations out of the presented functionals.

  18. Fast temporal neural learning using teacher forcing

    NASA Technical Reports Server (NTRS)

    Toomarian, Nikzad (Inventor); Bahren, Jacob (Inventor)

    1992-01-01

    A neural network is trained to output a time dependent target vector defined over a predetermined time interval in response to a time dependent input vector defined over the same time interval by applying corresponding elements of the error vector, or difference between the target vector and the actual neuron output vector, to the inputs of corresponding output neurons of the network as corrective feedback. This feedback decreases the error and quickens the learning process, so that a much smaller number of training cycles are required to complete the learning process. A conventional gradient descent algorithm is employed to update the neural network parameters at the end of the predetermined time interval. The foregoing process is repeated in repetitive cycles until the actual output vector corresponds to the target vector. In the preferred embodiment, as the overall error of the neural network output decreasing during successive training cycles, the portion of the error fed back to the output neurons is decreased accordingly, allowing the network to learn with greater freedom from teacher forcing as the network parameters converge to their optimum values. The invention may also be used to train a neural network with stationary training and target vectors.

  19. Fast temporal neural learning using teacher forcing

    NASA Technical Reports Server (NTRS)

    Toomarian, Nikzad (Inventor); Bahren, Jacob (Inventor)

    1995-01-01

    A neural network is trained to output a time dependent target vector defined over a predetermined time interval in response to a time dependent input vector defined over the same time interval by applying corresponding elements of the error vector, or difference between the target vector and the actual neuron output vector, to the inputs of corresponding output neurons of the network as corrective feedback. This feedback decreases the error and quickens the learning process, so that a much smaller number of training cycles are required to complete the learning process. A conventional gradient descent algorithm is employed to update the neural network parameters at the end of the predetermined time interval. The foregoing process is repeated in repetitive cycles until the actual output vector corresponds to the target vector. In the preferred embodiment, as the overall error of the neural network output decreasing during successive training cycles, the portion of the error fed back to the output neurons is decreased accordingly, allowing the network to learn with greater freedom from teacher forcing as the network parameters converge to their optimum values. The invention may also be used to train a neural network with stationary training and target vectors.

  20. Ring-push metric learning for person reidentification

    NASA Astrophysics Data System (ADS)

    He, Botao; Yu, Shaohua

    2017-05-01

    Person reidentification (re-id) has been widely studied because of its extensive use in video surveillance and forensics applications. It aims to search a specific person among a nonoverlapping camera network, which is highly challenging due to large variations in the cluttered background, human pose, and camera viewpoint. We present a metric learning algorithm for learning a Mahalanobis distance for re-id. Generally speaking, there exist two forces in the conventional metric learning process, one pulling force that pulls points of the same class closer and the other pushing force that pushes points of different classes as far apart as possible. We argue that, when only a limited number of training data are given, forcing interclass distances to be as large as possible may drive the metric to overfit the uninformative part of the images, such as noises and backgrounds. To alleviate overfitting, we propose the ring-push metric learning algorithm. Different from other metric learning methods that only punish too small interclass distances, in the proposed method, both too small and too large inter-class distances are punished. By introducing the generalized logistic function as the loss, we formulate the ring-push metric learning as a convex optimization problem and utilize the projected gradient descent method to solve it. The experimental results on four public datasets demonstrate the effectiveness of the proposed algorithm.

  1. Crosswind Shear Gradient Affect on Wake Vortices

    NASA Technical Reports Server (NTRS)

    Proctor, Fred H.; Ahmad, Nashat N.

    2011-01-01

    Parametric simulations with a Large Eddy Simulation (LES) model are used to explore the influence of crosswind shear on aircraft wake vortices. Previous studies based on field measurements, laboratory experiments, as well as LES, have shown that the vertical gradient of crosswind shear, i.e. the second vertical derivative of the environmental crosswind, can influence wake vortex transport. The presence of nonlinear vertical shear of the crosswind velocity can reduce the descent rate, causing a wake vortex pair to tilt and change in its lateral separation. The LES parametric studies confirm that the vertical gradient of crosswind shear does influence vortex trajectories. The parametric results also show that vortex decay from the effects of shear are complex since the crosswind shear, along with the vertical gradient of crosswind shear, can affect whether the lateral separation between wake vortices is increased or decreased. If the separation is decreased, the vortex linking time is decreased, and a more rapid decay of wake vortex circulation occurs. If the separation is increased, the time to link is increased, and at least one of the vortices of the vortex pair may have a longer life time than in the case without shear. In some cases, the wake vortices may never link.

  2. Performance comparison of a new hybrid conjugate gradient method under exact and inexact line searches

    NASA Astrophysics Data System (ADS)

    Ghani, N. H. A.; Mohamed, N. S.; Zull, N.; Shoid, S.; Rivaie, M.; Mamat, M.

    2017-09-01

    Conjugate gradient (CG) method is one of iterative techniques prominently used in solving unconstrained optimization problems due to its simplicity, low memory storage, and good convergence analysis. This paper presents a new hybrid conjugate gradient method, named NRM1 method. The method is analyzed under the exact and inexact line searches in given conditions. Theoretically, proofs show that the NRM1 method satisfies the sufficient descent condition with both line searches. The computational result indicates that NRM1 method is capable in solving the standard unconstrained optimization problems used. On the other hand, the NRM1 method performs better under inexact line search compared with exact line search.

  3. Crew Procedures for Continuous Descent Arrivals Using Conventional Guidance

    NASA Technical Reports Server (NTRS)

    Oseguera-Lohr, Rosa M.; Williams, David H.; Lewis, Elliot T,

    2007-01-01

    This paper presents results from a simulation study which investigated the use of Continuous Descent Arrival (CDA) procedures for conducting a descent through a busy terminal area, using conventional transport-category automation. This research was part of the Low Noise Flight Procedures (LNFP) element within the Quiet Aircraft Technology (QAT) Project, that addressed development of flight guidance, and supporting pilot and Air Traffic Control (ATC) procedures for low noise operations. The procedures and chart were designed to be easy to understand, and to make it easy for the crew to make changes via the Flight Management Computer Control-Display Unit (FMC-CDU) to accommodate changes from ATC. The test runs were intended to represent situations typical of what exists in many of today's terminal areas, including interruptions to the descent in the form of clearances issued by ATC.

  4. Hair Breakage in Patients of African Descent: Role of Dermoscopy

    PubMed Central

    Quaresma, Maria Victória; Martinez Velasco, María Abril; Tosti, Antonella

    2015-01-01

    Dermoscopy represents a useful technique for the diagnosis and follow-up of hair and scalp disorders. To date, little has been published regarding dermoscopy findings of hair disorders in patients of African descent. This article illustrates how dermoscopy allows fast diagnosis of hair breakage due to intrinsic factors and chemical damage in African descent patients. PMID:27170942

  5. Tracer-Based Determination of Vortex Descent in the 1999-2000 Arctic Winter

    NASA Technical Reports Server (NTRS)

    Greenblatt, Jeffery B.; Jost, Hans-Juerg; Loewenstein, Max; Podolske, James R.; Hurst, Dale F.; Elkins, James W.; Schauffler, Sue M.; Atlas, Elliot L.; Herman, Robert L.; Webster, Christopher R.

    2001-01-01

    A detailed analysis of available in situ and remotely sensed N2O and CH4 data measured in the 1999-2000 winter Arctic vortex has been performed in order to quantify the temporal evolution of vortex descent. Differences in potential temperature (theta) among balloon and aircraft vertical profiles (an average of 19-23 K on a given N2O or CH4 isopleth) indicated significant vortex inhomogeneity in late fall as compared with late winter profiles. A composite fall vortex profile was constructed for November 26, 1999, whose error bars encompassed the observed variability. High-latitude, extravortex profiles measured in different years and seasons revealed substantial variability in N2O and CH4 on theta surfaces, but all were clearly distinguishable from the first vortex profiles measured in late fall 1999. From these extravortex-vortex differences, we inferred descent prior to November 26: 397+/-15 K (1sigma) at 30 ppbv N2O and 640 ppbv CH4, and 28+/-13 K above 200 ppbv N2O and 1280 ppbv CH4. Changes in theta were determined on five N2O and CH4 isopleths from November 26 through March 12, and descent rates were calculated on each N2O isopleth for several time intervals. The maximum descent rates were seen between November 26 and January 27: 0.82+/-0.20 K/day averaged over 50-250 ppbv N2O. By late winter (February 26-March 12), the average rate had decreased to 0.10+/-0.25 K/day. Descent rates also decreased with increasing N2O; the winter average (November 26-March 5) descent rate varied from 0.75+/-0.10 K/day at 50 ppbv to 0.40+/-0.11 K/day at 250 ppbv. Comparison of these results with observations and models of descent in prior years showed very good overall agreement. Two models of the 1999-2000 vortex descent, SLIMCAT and REPROBUS, despite theta offsets with respect to observed profiles of up to 20 K on most tracer isopleths, produced descent rates that agreed very favorably with the inferred rates from observation.

  6. Rapid Generation of Optimal Asteroid Powered Descent Trajectories Via Convex Optimization

    NASA Technical Reports Server (NTRS)

    Pinson, Robin; Lu, Ping

    2015-01-01

    This paper investigates a convex optimization based method that can rapidly generate the fuel optimal asteroid powered descent trajectory. The ultimate goal is to autonomously design the optimal powered descent trajectory on-board the spacecraft immediately prior to the descent burn. Compared to a planetary powered landing problem, the major difficulty is the complex gravity field near the surface of an asteroid that cannot be approximated by a constant gravity field. This paper uses relaxation techniques and a successive solution process that seeks the solution to the original nonlinear, nonconvex problem through the solutions to a sequence of convex optimal control problems.

  7. Adaptive Batch Mode Active Learning.

    PubMed

    Chakraborty, Shayok; Balasubramanian, Vineeth; Panchanathan, Sethuraman

    2015-08-01

    Active learning techniques have gained popularity to reduce human effort in labeling data instances for inducing a classifier. When faced with large amounts of unlabeled data, such algorithms automatically identify the exemplar and representative instances to be selected for manual annotation. More recently, there have been attempts toward a batch mode form of active learning, where a batch of data points is simultaneously selected from an unlabeled set. Real-world applications require adaptive approaches for batch selection in active learning, depending on the complexity of the data stream in question. However, the existing work in this field has primarily focused on static or heuristic batch size selection. In this paper, we propose two novel optimization-based frameworks for adaptive batch mode active learning (BMAL), where the batch size as well as the selection criteria are combined in a single formulation. We exploit gradient-descent-based optimization strategies as well as properties of submodular functions to derive the adaptive BMAL algorithms. The solution procedures have the same computational complexity as existing state-of-the-art static BMAL techniques. Our empirical results on the widely used VidTIMIT and the mobile biometric (MOBIO) data sets portray the efficacy of the proposed frameworks and also certify the potential of these approaches in being used for real-world biometric recognition applications.

  8. Hazard avoidance via descent images for safe landing

    NASA Astrophysics Data System (ADS)

    Yan, Ruicheng; Cao, Zhiguo; Zhu, Lei; Fang, Zhiwen

    2013-10-01

    In planetary or lunar landing missions, hazard avoidance is critical for landing safety. Therefore, it is very important to correctly detect hazards and effectively find a safe landing area during the last stage of descent. In this paper, we propose a passive sensing based HDA (hazard detection and avoidance) approach via descent images to lower the landing risk. In hazard detection stage, a statistical probability model on the basis of the hazard similarity is adopted to evaluate the image and detect hazardous areas, so that a binary hazard image can be generated. Afterwards, a safety coefficient, which jointly utilized the proportion of hazards in the local region and the inside hazard distribution, is proposed to find potential regions with less hazards in the binary hazard image. By using the safety coefficient in a coarse-to-fine procedure and combining it with the local ISD (intensity standard deviation) measure, the safe landing area is determined. The algorithm is evaluated and verified with many simulated descent downward looking images rendered from lunar orbital satellite images.

  9. Off-Policy Integral Reinforcement Learning Method to Solve Nonlinear Continuous-Time Multiplayer Nonzero-Sum Games.

    PubMed

    Song, Ruizhuo; Lewis, Frank L; Wei, Qinglai

    2017-03-01

    This paper establishes an off-policy integral reinforcement learning (IRL) method to solve nonlinear continuous-time (CT) nonzero-sum (NZS) games with unknown system dynamics. The IRL algorithm is presented to obtain the iterative control and off-policy learning is used to allow the dynamics to be completely unknown. Off-policy IRL is designed to do policy evaluation and policy improvement in the policy iteration algorithm. Critic and action networks are used to obtain the performance index and control for each player. The gradient descent algorithm makes the update of critic and action weights simultaneously. The convergence analysis of the weights is given. The asymptotic stability of the closed-loop system and the existence of Nash equilibrium are proved. The simulation study demonstrates the effectiveness of the developed method for nonlinear CT NZS games with unknown system dynamics.

  10. Test Image by Mars Descent Imager

    NASA Image and Video Library

    2010-07-19

    Ken Edgett, deputy principal investigator for NASA Mars Descent Imager, holds a ruler used as a depth-of-field test target. The instrument took this image inside the Malin Space Science Systems clean room in San Diego, CA, during calibration testing.

  11. Flight Data Entry, Descent, and Landing (EDL) Repository

    NASA Technical Reports Server (NTRS)

    Martinez, Elmain M.; Winterhalter, Daniel

    2012-01-01

    Dr. Daniel Winterhalter, NASA Engineering and Safety Center Chief Engineer at the Jet Propulsion Laboratory, requested the NASA Engineering and Safety Center sponsor a 3-year effort to collect entry, descent, and landing material and to establish a NASA-wide archive to serve the material. The principle focus of this task was to identify entry, descent, and landing repository material that was at risk of being permanently lost due to damage, decay, and undocumented storage. To provide NASA-wide access to this material, a web-based digital archive was created. This document contains the outcome of the effort.

  12. LANDER program manual: A lunar ascent and descent simulation

    NASA Technical Reports Server (NTRS)

    1988-01-01

    LANDER is a computer program used to predict the trajectory and flight performance of a spacecraft ascending or descending between a low lunar orbit of 15 to 500 nautical miles (nm) and the lunar surface. It is a three degree-of-freedom simulation which is used to analyze the translational motion of the vehicle during descent. Attitude dynamics and rotational motion are not considered. The program can be used to simulate either an ascent from the Moon or a descent to the Moon. For an ascent, the spacecraft is initialized at the lunar surface and accelerates vertically away from the ground at full thrust. When the local velocity becomes 30 ft/s, the vehicle turns downrange with a pitch-over maneuver and proceeds to fly a gravity turn until Main Engine Cutoff (MECO). The spacecraft then coasts until it reaches the requested holding orbit where it performs an orbital insertion burn. During a descent simulation, the lander begins in the holding orbit and performs a deorbit burn. It then coasts to pericynthion, where it reignites its engines and begins a gravity turn descent. When the local horizontal velocity becomes zero, the lander pitches up to a vertical orientation and begins to hover in search of a landing site. The lander hovers for a period of time specified by the user, and then lands.

  13. ExoMars Entry, Descent, and Landing Science

    NASA Astrophysics Data System (ADS)

    Karatekin, Özgür; Forget, Francois; Withers, Paul; Colombatti, Giacomo; Aboudan, Alessio; Lewis, Stephen; Ferri, Francesca; Van Hove, Bart; Gerbal, Nicolas

    2016-07-01

    Schiaparelli, the Entry Demonstrator Module (EDM) of the ESA ExoMars Program will to land on Mars on 19th October 2016. The ExoMars Atmospheric Mars Entry and Landing Investigations and Analysis (AMELIA) team seeks to exploit the Entry Descent and Landing (EDL) engineering measurements of Schiaparelli for scientific investigations of Mars' atmosphere and surface. ExoMars offers a rare opportunity to perform an in situ investigation of the martian environment over a wide altitude range. There has been only 7 successfully landing on the surface of Mars, from the Viking probes in the 1970's to the Mars Science Laboratory (MSL) in 2012. ExoMars EDM is equipped with an instrumented heat shield like MSL. These novel flight sensors complement conventional accelerometer and gyroscope instrumentation, and provide additional information to reconstruct atmospheric conditions with. This abstract outlines general atmospheric reconstruction methodology using complementary set of sensors and in particular the use of surface pressure and radio data. In addition, we discuss the lessons learned from previous EDL and the plans for ExoMars AMELIA data analysis.

  14. Tracer-based Determination of Vortex Descent in the 1999/2000 Arctic Winter

    NASA Technical Reports Server (NTRS)

    Greenblatt, Jeffrey B.; Jost, Hans-Juerg; Loewenstein, Max; Podolske, James R.; Hurst, Dale F.; Elkins, James W.; Schauffler, Sue M.; Atlas, Elliot L.; Herman, Robert L.; Webster, Chrisotopher R.

    2002-01-01

    A detailed analysis of available in situ and remotely sensed N2O and CH4 data measured in the 1999/2000 winter Arctic vortex has been performed in order to quantify the temporal evolution of vortex descent. Differences in potential temperature (theta) among balloon and aircraft vertical profiles (an average of 19-23 K on a given N2O or CH4 isopleth) indicated significant vortex inhomogeneity in late fall as compared with late winter profiles. A composite fall vortex profile was constructed for 26 November 1999, whose error bars encompassed the observed variability. High-latitude extravortex profiles measured in different years and seasons revealed substantial variability in N2O and CH4 on theta surfaces, but all were clearly distinguishable from the first vortex profiles measured in late fall 1999. From these extravortex-vortex differences we inferred descent prior to 26 November: as much as 397 plus or minus 15 K (lsigma) at 30 ppbv N2O and 640 ppbv CH4, and falling to 28 plus or minus 13 K above 200 ppbv N2O and 1280 ppbv CH4. Changes in theta were determined on five N2O and CH4 isopleths from 26 November through 12 March, and descent rates were calculated on each N2O isopleth for several time intervals. The maximum descent rates were seen between 26 November and 27 January: 0.82 plus or minus 0.20 K/day averaged over 50- 250 ppbv N2O. By late winter (26 February to 12 March), the average rate had decreased to 0.10 plus or minus 0.25 K/day. Descent rates also decreased with increasing N2O; the winter average (26 November to 5 March) descent rate varied from 0.75 plus or minus 0.10 K/day at 50 ppbv to 0.40 plus or minus 0.11 K/day at 250 ppbv. Comparison of these results with observations and models of descent in prior years showed very good overall agreement. Two models of the 1999/2000 vortex descent, SLIMCAT and REPROBUS, despite theta offsets with respect to observed profiles of up to 20 K on most tracer isopleths, produced descent rates that agreed very

  15. Time-specific androgen blockade with flutamide inhibits testicular descent in the rat.

    PubMed

    Husmann, D A; McPhaul, M J

    1991-09-01

    Inhibition of androgen action by flutamide, a nonsteroidal antiandrogen, blocked testicular descent in 40% of the testes exposed to this agent continuously from gestational day 13 through postpartal day 28. By contrast, only 11% of the testes failed to descend when blocked by 5 alpha-reductase inhibitors during the same period. Flutamide administration over narrower time intervals (gestational day 13-15, 16-17, or 18-19) revealed maximal interference with testicular descent after androgen inhibition during gestational days 16-17. No significant differences in testicular or epididymal weights were evident between descended and undescended testes; furthermore, no correlation was detected between the presence of epididymal abnormalities and testicular descent. These findings indicate that androgen inhibition during a brief period of embryonic development can block testicular descent. The mechanism through which this inhibition occurs remains to be elucidated.

  16. A differential memristive synapse circuit for on-line learning in neuromorphic computing systems

    NASA Astrophysics Data System (ADS)

    Nair, Manu V.; Muller, Lorenz K.; Indiveri, Giacomo

    2017-12-01

    Spike-based learning with memristive devices in neuromorphic computing architectures typically uses learning circuits that require overlapping pulses from pre- and post-synaptic nodes. This imposes severe constraints on the length of the pulses transmitted in the network, and on the network’s throughput. Furthermore, most of these circuits do not decouple the currents flowing through memristive devices from the one stimulating the target neuron. This can be a problem when using devices with high conductance values, because of the resulting large currents. In this paper, we propose a novel circuit that decouples the current produced by the memristive device from the one used to stimulate the post-synaptic neuron, by using a novel differential scheme based on the Gilbert normalizer circuit. We show how this circuit is useful for reducing the effect of variability in the memristive devices, and how it is ideally suited for spike-based learning mechanisms that do not require overlapping pre- and post-synaptic pulses. We demonstrate the features of the proposed synapse circuit with SPICE simulations, and validate its learning properties with high-level behavioral network simulations which use a stochastic gradient descent learning rule in two benchmark classification tasks.

  17. Two New PRP Conjugate Gradient Algorithms for Minimization Optimization Models.

    PubMed

    Yuan, Gonglin; Duan, Xiabin; Liu, Wenjie; Wang, Xiaoliang; Cui, Zengru; Sheng, Zhou

    2015-01-01

    Two new PRP conjugate Algorithms are proposed in this paper based on two modified PRP conjugate gradient methods: the first algorithm is proposed for solving unconstrained optimization problems, and the second algorithm is proposed for solving nonlinear equations. The first method contains two aspects of information: function value and gradient value. The two methods both possess some good properties, as follows: 1) βk ≥ 0 2) the search direction has the trust region property without the use of any line search method 3) the search direction has sufficient descent property without the use of any line search method. Under some suitable conditions, we establish the global convergence of the two algorithms. We conduct numerical experiments to evaluate our algorithms. The numerical results indicate that the first algorithm is effective and competitive for solving unconstrained optimization problems and that the second algorithm is effective for solving large-scale nonlinear equations.

  18. A new family of Polak-Ribiere-Polyak conjugate gradient method with the strong-Wolfe line search

    NASA Astrophysics Data System (ADS)

    Ghani, Nur Hamizah Abdul; Mamat, Mustafa; Rivaie, Mohd

    2017-08-01

    Conjugate gradient (CG) method is an important technique in unconstrained optimization, due to its effectiveness and low memory requirements. The focus of this paper is to introduce a new CG method for solving large scale unconstrained optimization. Theoretical proofs show that the new method fulfills sufficient descent condition if strong Wolfe-Powell inexact line search is used. Besides, computational results show that our proposed method outperforms to other existing CG methods.

  19. Oscillatory neural network for pattern recognition: trajectory based classification and supervised learning.

    PubMed

    Miller, Vonda H; Jansen, Ben H

    2008-12-01

    Computer algorithms that match human performance in recognizing written text or spoken conversation remain elusive. The reasons why the human brain far exceeds any existing recognition scheme to date in the ability to generalize and to extract invariant characteristics relevant to category matching are not clear. However, it has been postulated that the dynamic distribution of brain activity (spatiotemporal activation patterns) is the mechanism by which stimuli are encoded and matched to categories. This research focuses on supervised learning using a trajectory based distance metric for category discrimination in an oscillatory neural network model. Classification is accomplished using a trajectory based distance metric. Since the distance metric is differentiable, a supervised learning algorithm based on gradient descent is demonstrated. Classification of spatiotemporal frequency transitions and their relation to a priori assessed categories is shown along with the improved classification results after supervised training. The results indicate that this spatiotemporal representation of stimuli and the associated distance metric is useful for simple pattern recognition tasks and that supervised learning improves classification results.

  20. Mars Science Laboratory Rover and Descent Stage

    NASA Image and Video Library

    2008-11-19

    In this February 17, 2009, image, NASA Mars Science Laboratory rover is attached to the spacecraft descent stage. The image was taken inside the Spacecraft Assembly Facility at NASA JPL, Pasadena, Calif.

  1. Cryptorchidism and delayed testicular descent in Florida black bears.

    PubMed

    Dunbar, M R; Cunningham, M W; Wooding, J B; Roth, R P

    1996-10-01

    Retained testes were found in 11 (16%) of 71 black bears (Ursus americanus) examined over a 3-year period in Florida (USA). Four of the 11 bears were older than one year and weighed more than 32 kg; therefore, they were considered to be cryptorchid. The remaining seven bears may have had delayed testicular descent due to their apparent normal immature development. This is the first known published report of the prevalence of cryptorchidism and apparently normal delayed testicular descent in a black bear population.

  2. Design principles of descent vehicles with an inflatable braking device

    NASA Astrophysics Data System (ADS)

    Alexashkin, S. N.; Pichkhadze, K. M.; Finchenko, V. S.

    2013-12-01

    A new type of descent vehicle (DVs) is described: a descent vehicle with an inflatable braking device (IBD DV). IBD development issues, as well as materials needed for the design, manufacturing, and testing of an IBD and its thermal protection, are discussed. A list is given of Russian integrated test facilities intended for testing IBD DVs. Progress is described in the development of IBD DVs in Russia and abroad.

  3. A modified three-term PRP conjugate gradient algorithm for optimization models.

    PubMed

    Wu, Yanlin

    2017-01-01

    The nonlinear conjugate gradient (CG) algorithm is a very effective method for optimization, especially for large-scale problems, because of its low memory requirement and simplicity. Zhang et al. (IMA J. Numer. Anal. 26:629-649, 2006) firstly propose a three-term CG algorithm based on the well known Polak-Ribière-Polyak (PRP) formula for unconstrained optimization, where their method has the sufficient descent property without any line search technique. They proved the global convergence of the Armijo line search but this fails for the Wolfe line search technique. Inspired by their method, we will make a further study and give a modified three-term PRP CG algorithm. The presented method possesses the following features: (1) The sufficient descent property also holds without any line search technique; (2) the trust region property of the search direction is automatically satisfied; (3) the steplengh is bounded from below; (4) the global convergence will be established under the Wolfe line search. Numerical results show that the new algorithm is more effective than that of the normal method.

  4. A molecular signature of an arrest of descent in human parturition

    PubMed Central

    MITTAL, Pooja; ROMERO, Roberto; TARCA, Adi L.; DRAGHICI, Sorin; NHAN-CHANG, Chia-Ling; CHAIWORAPONGSA, Tinnakorn; HOTRA, John; GOMEZ, Ricardo; KUSANOVIC, Juan Pedro; LEE, Deug-Chan; KIM, Chong Jai; HASSAN, Sonia S.

    2010-01-01

    Objective This study was undertaken to identify the molecular basis of an arrest of descent. Study Design Human myometrium was obtained from women in term labor (TL; n=29) and arrest of descent (AODes, n=21). Gene expression was characterized using Illumina® HumanHT-12 microarrays. A moderated t-test and false discovery rate adjustment were applied for analysis. Confirmatory qRT-PCR and immunoblot was performed in an independent sample set. Results 400 genes were differentially expressed between women with an AODes compared to those with TL. Gene Ontology analysis indicated enrichment of biological processes and molecular functions related to inflammation and muscle function. Impacted pathways included inflammation and the actin cytoskeleton. Overexpression of HIF1A, IL-6, and PTGS2 in AODES was confirmed. Conclusion We have identified a stereotypic pattern of gene expression in the myometrium of women with an arrest of descent. This represents the first study examining the molecular basis of an arrest of descent using a genome-wide approach. PMID:21284969

  5. Feature learning and change feature classification based on deep learning for ternary change detection in SAR images

    NASA Astrophysics Data System (ADS)

    Gong, Maoguo; Yang, Hailun; Zhang, Puzhao

    2017-07-01

    Ternary change detection aims to detect changes and group the changes into positive change and negative change. It is of great significance in the joint interpretation of spatial-temporal synthetic aperture radar images. In this study, sparse autoencoder, convolutional neural networks (CNN) and unsupervised clustering are combined to solve ternary change detection problem without any supervison. Firstly, sparse autoencoder is used to transform log-ratio difference image into a suitable feature space for extracting key changes and suppressing outliers and noise. And then the learned features are clustered into three classes, which are taken as the pseudo labels for training a CNN model as change feature classifier. The reliable training samples for CNN are selected from the feature maps learned by sparse autoencoder with certain selection rules. Having training samples and the corresponding pseudo labels, the CNN model can be trained by using back propagation with stochastic gradient descent. During its training procedure, CNN is driven to learn the concept of change, and more powerful model is established to distinguish different types of changes. Unlike the traditional methods, the proposed framework integrates the merits of sparse autoencoder and CNN to learn more robust difference representations and the concept of change for ternary change detection. Experimental results on real datasets validate the effectiveness and superiority of the proposed framework.

  6. STS-1 operational flight profile. Volume 5: Descent, cycle 3. Appendix C: Monte Carlo dispersion analysis

    NASA Technical Reports Server (NTRS)

    1980-01-01

    The results of three nonlinear the Monte Carlo dispersion analyses for the Space Transportation System 1 Flight (STS-1) Orbiter Descent Operational Flight Profile, Cycle 3 are presented. Fifty randomly selected simulation for the end of mission (EOM) descent, the abort once around (AOA) descent targeted line are steep target line, and the AOA descent targeted to the shallow target line are analyzed. These analyses compare the flight environment with system and operational constraints on the flight environment and in some cases use simplified system models as an aid in assessing the STS-1 descent flight profile. In addition, descent flight envelops are provided as a data base for use by system specialists to determine the flight readiness for STS-1. The results of these dispersion analyses supersede results of the dispersion analysis previously documented.

  7. Analysis of foot clearance in firefighters during ascent and descent of stairs.

    PubMed

    Kesler, Richard M; Horn, Gavin P; Rosengren, Karl S; Hsiao-Wecksler, Elizabeth T

    2016-01-01

    Slips, trips, and falls are a leading cause of injury to firefighters with many injuries occurring while traversing stairs, possibly exaggerated by acute fatigue from firefighting activities and/or asymmetric load carriage. This study examined the effects that fatigue, induced by simulated firefighting activities, and hose load carriage have on foot clearance while traversing stairs. Landing and passing foot clearances for each stair during ascent and descent of a short staircase were investigated. Clearances decreased significantly (p < 0.05) post-exercise for nine of 12 ascent parameters and increased for two of eight descent parameters. Load carriage resulted in significantly decreased (p < 0.05) clearance over three ascent parameters, and one increase during descent. Decreased clearances during ascent caused by fatigue or load carriage may result in an increased trip risk. Increased clearances during descent may suggest use of a compensation strategy to ensure stair clearance or an increased risk of over-stepping during descent. Copyright © 2015 Elsevier Ltd and The Ergonomics Society. All rights reserved.

  8. An Impacting Descent Probe for Europa and the Other Galilean Moons of Jupiter

    NASA Astrophysics Data System (ADS)

    Wurz, P.; Lasi, D.; Thomas, N.; Piazza, D.; Galli, A.; Jutzi, M.; Barabash, S.; Wieser, M.; Magnes, W.; Lammer, H.; Auster, U.; Gurvits, L. I.; Hajdas, W.

    2017-08-01

    We present a study of an impacting descent probe that increases the science return of spacecraft orbiting or passing an atmosphere-less planetary bodies of the solar system, such as the Galilean moons of Jupiter. The descent probe is a carry-on small spacecraft (<100 kg), to be deployed by the mother spacecraft, that brings itself onto a collisional trajectory with the targeted planetary body in a simple manner. A possible science payload includes instruments for surface imaging, characterisation of the neutral exosphere, and magnetic field and plasma measurement near the target body down to very low-altitudes ( 1 km), during the probe's fast ( km/s) descent to the surface until impact. The science goals and the concept of operation are discussed with particular reference to Europa, including options for flying through water plumes and after-impact retrieval of very-low altitude science data. All in all, it is demonstrated how the descent probe has the potential to provide a high science return to a mission at a low extra level of complexity, engineering effort, and risk. This study builds upon earlier studies for a Callisto Descent Probe for the former Europa-Jupiter System Mission of ESA and NASA, and extends them with a detailed assessment of a descent probe designed to be an additional science payload for the NASA Europa Mission.

  9. Soft learning vector quantization and clustering algorithms based on ordered weighted aggregation operators.

    PubMed

    Karayiannis, N B

    2000-01-01

    This paper presents the development and investigates the properties of ordered weighted learning vector quantization (LVQ) and clustering algorithms. These algorithms are developed by using gradient descent to minimize reformulation functions based on aggregation operators. An axiomatic approach provides conditions for selecting aggregation operators that lead to admissible reformulation functions. Minimization of admissible reformulation functions based on ordered weighted aggregation operators produces a family of soft LVQ and clustering algorithms, which includes fuzzy LVQ and clustering algorithms as special cases. The proposed LVQ and clustering algorithms are used to perform segmentation of magnetic resonance (MR) images of the brain. The diagnostic value of the segmented MR images provides the basis for evaluating a variety of ordered weighted LVQ and clustering algorithms.

  10. Feature Clustering for Accelerating Parallel Coordinate Descent

    DOE Office of Scientific and Technical Information (OSTI.GOV)

    Scherrer, Chad; Tewari, Ambuj; Halappanavar, Mahantesh

    2012-12-06

    We demonstrate an approach for accelerating calculation of the regularization path for L1 sparse logistic regression problems. We show the benefit of feature clustering as a preconditioning step for parallel block-greedy coordinate descent algorithms.

  11. Frequency-domain full-waveform inversion with non-linear descent directions

    NASA Astrophysics Data System (ADS)

    Geng, Yu; Pan, Wenyong; Innanen, Kristopher A.

    2018-05-01

    Full-waveform inversion (FWI) is a highly non-linear inverse problem, normally solved iteratively, with each iteration involving an update constructed through linear operations on the residuals. Incorporating a flexible degree of non-linearity within each update may have important consequences for convergence rates, determination of low model wavenumbers and discrimination of parameters. We examine one approach for doing so, wherein higher order scattering terms are included within the sensitivity kernel during the construction of the descent direction, adjusting it away from that of the standard Gauss-Newton approach. These scattering terms are naturally admitted when we construct the sensitivity kernel by varying not the current but the to-be-updated model at each iteration. Linear and/or non-linear inverse scattering methodologies allow these additional sensitivity contributions to be computed from the current data residuals within any given update. We show that in the presence of pre-critical reflection data, the error in a second-order non-linear update to a background of s0 is, in our scheme, proportional to at most (Δs/s0)3 in the actual parameter jump Δs causing the reflection. In contrast, the error in a standard Gauss-Newton FWI update is proportional to (Δs/s0)2. For numerical implementation of more complex cases, we introduce a non-linear frequency-domain scheme, with an inner and an outer loop. A perturbation is determined from the data residuals within the inner loop, and a descent direction based on the resulting non-linear sensitivity kernel is computed in the outer loop. We examine the response of this non-linear FWI using acoustic single-parameter synthetics derived from the Marmousi model. The inverted results vary depending on data frequency ranges and initial models, but we conclude that the non-linear FWI has the capability to generate high-resolution model estimates in both shallow and deep regions, and to converge rapidly, relative to a

  12. Inflammatory bowel disease in children of middle eastern descent.

    PubMed

    Naidoo, Christina Mai Ying; Leach, Steven T; Day, Andrew S; Lemberg, Daniel A

    2014-01-01

    Increasing rates of inflammatory bowel disease (IBD) are now seen in populations where it was once uncommon. The pattern of IBD in children of Middle Eastern descent in Australia has never been reported. This study aimed to investigate the burden of IBD in children of Middle Eastern descent at the Sydney Children's Hospital, Randwick (SCHR). The SCHR IBD database was used to identify patients of self-reported Middle Eastern ethnicity diagnosed between 1987 and 2011. Demographic, diagnosis, and management data was collected for all Middle Eastern children and an age and gender matched non-Middle Eastern IBD control group. Twenty-four patients of Middle Eastern descent were identified. Middle Eastern Crohn's disease patients had higher disease activity at diagnosis, higher use of thiopurines, and less restricted colonic disease than controls. Although there were limitations with this dataset, we estimated a higher prevalence of IBD in Middle Eastern children and they had a different disease phenotype and behavior compared to the control group, with less disease restricted to the colon and likely a more active disease course.

  13. Inflammatory Bowel Disease in Children of Middle Eastern Descent

    PubMed Central

    Naidoo, Christina Mai Ying; Leach, Steven T.; Day, Andrew S.; Lemberg, Daniel A.

    2014-01-01

    Increasing rates of inflammatory bowel disease (IBD) are now seen in populations where it was once uncommon. The pattern of IBD in children of Middle Eastern descent in Australia has never been reported. This study aimed to investigate the burden of IBD in children of Middle Eastern descent at the Sydney Children's Hospital, Randwick (SCHR). The SCHR IBD database was used to identify patients of self-reported Middle Eastern ethnicity diagnosed between 1987 and 2011. Demographic, diagnosis, and management data was collected for all Middle Eastern children and an age and gender matched non-Middle Eastern IBD control group. Twenty-four patients of Middle Eastern descent were identified. Middle Eastern Crohn's disease patients had higher disease activity at diagnosis, higher use of thiopurines, and less restricted colonic disease than controls. Although there were limitations with this dataset, we estimated a higher prevalence of IBD in Middle Eastern children and they had a different disease phenotype and behavior compared to the control group, with less disease restricted to the colon and likely a more active disease course. PMID:24987422

  14. Two New PRP Conjugate Gradient Algorithms for Minimization Optimization Models

    PubMed Central

    Yuan, Gonglin; Duan, Xiabin; Liu, Wenjie; Wang, Xiaoliang; Cui, Zengru; Sheng, Zhou

    2015-01-01

    Two new PRP conjugate Algorithms are proposed in this paper based on two modified PRP conjugate gradient methods: the first algorithm is proposed for solving unconstrained optimization problems, and the second algorithm is proposed for solving nonlinear equations. The first method contains two aspects of information: function value and gradient value. The two methods both possess some good properties, as follows: 1)β k ≥ 0 2) the search direction has the trust region property without the use of any line search method 3) the search direction has sufficient descent property without the use of any line search method. Under some suitable conditions, we establish the global convergence of the two algorithms. We conduct numerical experiments to evaluate our algorithms. The numerical results indicate that the first algorithm is effective and competitive for solving unconstrained optimization problems and that the second algorithm is effective for solving large-scale nonlinear equations. PMID:26502409

  15. Study of Some Planetary Atmospheres Features by Probe Entry and Descent Simulations

    NASA Technical Reports Server (NTRS)

    Gil, P. J. S.; Rosa, P. M. B.

    2005-01-01

    Characterization of planetary atmospheres is analyzed by its effects in the entry and descent trajectories of probes. Emphasis is on the most important variables that characterize atmospheres e.g. density profile with altitude. Probe trajectories are numerically determined with ENTRAP, a developing multi-purpose computational tool for entry and descent trajectory simulations capable of taking into account many features and perturbations. Real data from Mars Pathfinder mission is used. The goal is to be able to determine more accurately the atmosphere structure by observing real trajectories and what changes are to expect in probe descent trajectories if atmospheres have different properties than the ones assumed initially.

  16. Whole-body angular momentum during stair ascent and descent.

    PubMed

    Silverman, Anne K; Neptune, Richard R; Sinitski, Emily H; Wilken, Jason M

    2014-04-01

    The generation of whole-body angular momentum is essential in many locomotor tasks and must be regulated in order to maintain dynamic balance. However, angular momentum has not been investigated during stair walking, which is an activity that presents a biomechanical challenge for balance-impaired populations. We investigated three-dimensional whole-body angular momentum during stair ascent and descent and compared it to level walking. Three-dimensional body-segment kinematic and ground reaction force (GRF) data were collected from 30 healthy subjects. Angular momentum was calculated using a 13-segment whole-body model. GRFs, external moment arms and net joint moments were used to interpret the angular momentum results. The range of frontal plane angular momentum was greater for stair ascent relative to level walking. In the transverse and sagittal planes, the range of angular momentum was smaller in stair ascent and descent relative to level walking. Significant differences were also found in the ground reaction forces, external moment arms and net joint moments. The sagittal plane angular momentum results suggest that individuals alter angular momentum to effectively counteract potential trips during stair ascent, and reduce the range of angular momentum to avoid falling forward during stair descent. Further, significant differences in joint moments suggest potential neuromuscular mechanisms that account for the differences in angular momentum between walking conditions. These results provide a baseline for comparison to impaired populations that have difficulty maintaining dynamic balance, particularly during stair ascent and descent. Copyright © 2014 Elsevier B.V. All rights reserved.

  17. High-Resolution Detection of Identity by Descent in Unrelated Individuals

    PubMed Central

    Browning, Sharon R.; Browning, Brian L.

    2010-01-01

    Detection of recent identity by descent (IBD) in population samples is important for population-based linkage mapping and for highly accurate genotype imputation and haplotype-phase inference. We present a method for detection of recent IBD in population samples. Our method accounts for linkage disequilibrium between SNPs to enable full use of high-density SNP data. We find that our method can detect segments of a length of 2 cM with moderate power and negligible false discovery rate in Illumina 550K data in Northwestern Europeans. We compare our method with GERMLINE and PLINK, and we show that our method has a level of resolution that is significantly better than these existing methods, thus extending the usefulness of recent IBD in analysis of high-density SNP data. We survey four genomic regions in a sample of UK individuals of European descent and find that on average, at a given location, our method detects IBD in 2.7 per 10,000 pairs of individuals in Illumina 550K data. We also present methodology and results for detection of homozygosity by descent (HBD) and survey the whole genome in a sample of 1373 UK individuals of European descent. We detect HBD in 4.7 individuals per 10,000 on average at a given location. Our methodology is implemented in the freely available BEAGLE software package. PMID:20303063

  18. Simulation Results for Airborne Precision Spacing along Continuous Descent Arrivals

    NASA Technical Reports Server (NTRS)

    Barmore, Bryan E.; Abbott, Terence S.; Capron, William R.; Baxley, Brian T.

    2008-01-01

    This paper describes the results of a fast-time simulation experiment and a high-fidelity simulator validation with merging streams of aircraft flying Continuous Descent Arrivals through generic airspace to a runway at Dallas-Ft Worth. Aircraft made small speed adjustments based on an airborne-based spacing algorithm, so as to arrive at the threshold exactly at the assigned time interval behind their Traffic-To-Follow. The 40 aircraft were initialized at different altitudes and speeds on one of four different routes, and then merged at different points and altitudes while flying Continuous Descent Arrivals. This merging and spacing using flight deck equipment and procedures to augment or implement Air Traffic Management directives is called Flight Deck-based Merging and Spacing, an important subset of a larger Airborne Precision Spacing functionality. This research indicates that Flight Deck-based Merging and Spacing initiated while at cruise altitude and well prior to the Terminal Radar Approach Control entry can significantly contribute to the delivery of aircraft at a specified interval to the runway threshold with a high degree of accuracy and at a reduced pilot workload. Furthermore, previously documented work has shown that using a Continuous Descent Arrival instead of a traditional step-down descent can save fuel, reduce noise, and reduce emissions. Research into Flight Deck-based Merging and Spacing is a cooperative effort between government and industry partners.

  19. Rosetta Mission's "7 Hours of Terror" and Philae's Descent

    NASA Astrophysics Data System (ADS)

    Blanco, Philip

    2015-09-01

    In November 2014 the Rosetta mission to Comet 67P/Churyumov-Gerasimenko made the headlines when its Philae lander completed a successful unpowered descent onto the surface of the comet nucleus after "7 hours of terror" for the mission scientists. 67P's irregular shape and rotation made this task even more challenging. Philae fell almost radially towards 67P, as shown in an animation produced by the European Space Agency (ESA) prior to the event. Below, we investigate whether it is possible to model the spacecraft's descent time and impact speed using concepts taught in an introductory physics course.

  20. Eye Movement Patterns of the Elderly during Stair Descent:Effect of Illumination

    NASA Astrophysics Data System (ADS)

    Kasahara, Satoko; Okabe, Sonoko; Nakazato, Naoko; Ohno, Yuko

    The relationship between the eye movement pattern during stair descent and illumination was studied in 4 elderly people in comparison with that in 5 young people. The illumination condition was light (85.0±30.9 lx) or dark (0.7±0.3 lx), and data of eye movements were obtained using an eye mark recorder. A flight of 15 steps was used for the experiment, and data on 3 steps in the middle, on which the descent movements were stabilized, were analyzed. The elderly subjects pointed their eyes mostly directly in front in the facial direction regardless of the illumination condition, but the young subjects tended to look down under the light condition. The young subjects are considered to have confirmed the safety of the front by peripheral vision, checked the stepping surface by central vision, and still maintained the upright position without leaning forward during stair descent. The elderly subjects, in contrast, always looked at the visual target by central vision even under the light condition and leaned forward. The range of eye movements was larger vertically than horizontally in both groups, and a characteristic eye movement pattern of repeating a vertical shuttle movement synchronous with descent of each step was observed. Under the dark condition, the young subjects widened the range of vertical eye movements and reduced duration of fixation. The elderly subjects showed no change in the range of eye movements but increased duration of fixation during stair descent. These differences in the eye movements are considered to be compensatory reactions to narrowing of the vertical visual field, reduced dark adaptation, and reduced dynamic visual acuity due to aging. These characteristics of eye movements of the elderly lead to an anteriorly leaned posture and lack of attention to the front during stair descent.

  1. Ka-Band Radar Terminal Descent Sensor

    NASA Technical Reports Server (NTRS)

    Pollard, Brian; Berkun, Andrew; Tope, Michael; Andricos, Constantine; Okonek, Joseph; Lou, Yunling

    2007-01-01

    The terminal descent sensor (TDS) is a radar altimeter/velocimeter that improves the accuracy of velocity sensing by more than an order of magnitude when compared to existing sensors. The TDS is designed for the safe planetary landing of payloads, and may be used in helicopters and fixed-wing aircraft requiring high-accuracy velocity sensing

  2. Descent Stage of Mars Science Laboratory During Assembly

    NASA Image and Video Library

    2008-11-19

    This image from early October 2008 shows personnel working on the descent stage of NASA Mars Science Laboratory inside the Spacecraft Assembly Facility at NASA Jet Propulsion Laboratory, Pasadena, Calif.

  3. JPL Tech Works Mars 2020 Descent Stage

    NASA Image and Video Library

    2018-03-13

    A technician works on the descent stage for NASA's Mars 2020 mission inside JPL's Spacecraft Assembly Facility. Mars 2020 is slated to carry NASA's next Mars rover to the Red Planet in July of 2020. https://photojournal.jpl.nasa.gov/catalog/PIA22342

  4. Description of the computations and pilot procedures for planning fuel-conservative descents with a small programmable calculator

    NASA Technical Reports Server (NTRS)

    Vicroy, D. D.; Knox, C. E.

    1983-01-01

    A simplified flight management descent algorithm was developed and programmed on a small programmable calculator. It was designed to aid the pilot in planning and executing a fuel conservative descent to arrive at a metering fix at a time designated by the air traffic control system. The algorithm may also be used for planning fuel conservative descents when time is not a consideration. The descent path was calculated for a constant Mach/airspeed schedule from linear approximations of airplane performance with considerations given for gross weight, wind, and nonstandard temperature effects. The flight management descent algorithm and the vertical performance modeling required for the DC-10 airplane is described.

  5. Mars Science Laboratory: Entry, Descent, and Landing System Performance

    NASA Technical Reports Server (NTRS)

    Way, David W.; Powell, Richard W.; Chen, Allen; SanMartin, A. Miguel; Burkhart, P. Daniel; Mendeck, Gavin F.

    2007-01-01

    In 2010, the Mars Science Laboratory (MSL) mission will pioneer the next generation of robotic Entry, Descent, and Landing (EDL) systems, by delivering the largest and most capable rover to date to the surface of Mars. To do so, MSL will fly a guided lifting entry at a lift-to-drag ratio in excess of that ever flown at Mars, deploy the largest parachute ever at Mars, and perform a novel Sky Crane maneuver. Through improved altitude capability, increased latitude coverage, and more accurate payload delivery, MSL is allowing the science community to consider the exploration of previously inaccessible regions of the planet. The MSL EDL system is a new EDL architecture based on Viking heritage technologies and designed to meet the challenges of landing increasing massive payloads on Mars. In accordance with level-1 requirements, the MSL EDL system is being designed to land an 850 kg rover to altitudes as high as 1 km above the Mars Orbiter Laser Altimeter defined areoid within 10 km of the desired landing site. Accordingly, MSL will enter the largest entry mass, fly the largest 70 degree sphere-cone aeroshell, generate the largest hypersonic lift-to-drag ratio, and deploy the largest Disk-Gap-Band supersonic parachute of any previous mission to Mars. Major EDL events include a hypersonic guided entry, supersonic parachute deploy and inflation, subsonic heatshield jettison, terminal descent sensor acquisition, powered descent initiation, sky crane terminal descent, rover touchdown detection, and descent stage flyaway. Key performance metrics, derived from level-1 requirements and tracked by the EDL design team to indicate performance capability and timeline margins, include altitude and range at parachute deploy, time on radar, and propellant use. The MSL EDL system, which will continue to develop over the next three years, will enable a notable extension in the advancement of Mars surface science by delivering more science capability than ever before to the surface of

  6. Mars Science Laboratory: Entry, Descent, and Landing System Performance

    NASA Technical Reports Server (NTRS)

    Way, David W.; Powell, Richard W.; Chen, Allen; Steltzner, Adam D.; San Martin, Alejandro M.; Burkhart, Paul D.; mendeck, Gavin F.

    2006-01-01

    In 2010, the Mars Science Laboratory (MSL) mission will pioneer the next generation of robotic Entry, Descent, and Landing (EDL) systems, by delivering the largest and most capable rover to date to the surface of Mars. To do so, MSL will fly a guided lifting entry at a lift-to-drag ratio in excess of that ever flown at Mars, deploy the largest parachute ever at Mars, and perform a novel Sky Crane maneuver. Through improved altitude capability, increased latitude coverage, and more accurate payload delivery, MSL is allowing the science community to consider the exploration of previously inaccessible regions of the planet. The MSL EDL system is a new EDL architecture based on Viking heritage technologies and designed to meet the challenges of landing increasing massive payloads on Mars. In accordance with level-1 requirements, the MSL EDL system is being designed to land an 850 kg rover to altitudes as high as 1 km above the Mars Orbiter Laser Altimeter defined areoid within 10 km of the desired landing site. Accordingly, MSL will enter the largest entry mass, fly the largest 70 degree sphere-cone aeroshell, generate the largest hypersonic lift-to-drag ratio, and deploy the largest Disk-Gap-Band supersonic parachute of any previous mission to Mars. Major EDL events include a hypersonic guided entry, supersonic parachute deploy and inflation, subsonic heatshield jettison, terminal descent sensor acquisition, powered descent initiation, sky crane terminal descent, rover touchdown detection, and descent stage flyaway. Key performance metrics, derived from level-1 requirements and tracked by the EDL design team to indicate performance capability and timeline margins, include altitude and range at parachute deploy, time on radar, and propellant use. The MSL EDL system, which will continue to develop over the next three years, will enable a notable extension in the advancement of Mars surface science by delivering more science capability than ever before to the surface of

  7. An evaluation of descent strategies for TNAV-equipped aircraft in an advanced metering environment

    NASA Technical Reports Server (NTRS)

    Izumi, K. H.; Schwab, R. W.; Groce, J. L.; Coote, M. A.

    1986-01-01

    Investigated were the effects on system throughput and fleet fuel usage of arrival aircraft utilizing three 4D RNAV descent strategies (cost optimal, clean-idle Mach/CAS and constant descent angle Mach/CAS), both individually and in combination, in an advanced air traffic control metering environment. Results are presented for all mixtures of arrival traffic consisting of three Boeing commercial jet types and for all combinations of the three descent strategies for a typical en route metering airport arrival distribution.

  8. America's Descent into Madness

    ERIC Educational Resources Information Center

    Giroux, Henry A.

    2014-01-01

    This article describes America's descent into madness under the regime of neoliberalism that has emerged in the United States since the late 1970s. In part, this is due to the emergence of a public pedagogy produced by the corporate-owned media that now saturates Americans with a market-driven value system that undermines those formative…

  9. Nonuniformity correction for an infrared focal plane array based on diamond search block matching.

    PubMed

    Sheng-Hui, Rong; Hui-Xin, Zhou; Han-Lin, Qin; Rui, Lai; Kun, Qian

    2016-05-01

    In scene-based nonuniformity correction algorithms, artificial ghosting and image blurring degrade the correction quality severely. In this paper, an improved algorithm based on the diamond search block matching algorithm and the adaptive learning rate is proposed. First, accurate transform pairs between two adjacent frames are estimated by the diamond search block matching algorithm. Then, based on the error between the corresponding transform pairs, the gradient descent algorithm is applied to update correction parameters. During the process of gradient descent, the local standard deviation and a threshold are utilized to control the learning rate to avoid the accumulation of matching error. Finally, the nonuniformity correction would be realized by a linear model with updated correction parameters. The performance of the proposed algorithm is thoroughly studied with four real infrared image sequences. Experimental results indicate that the proposed algorithm can reduce the nonuniformity with less ghosting artifacts in moving areas and can also overcome the problem of image blurring in static areas.

  10. Mars Smart Lander Simulations for Entry, Descent, and Landing

    NASA Technical Reports Server (NTRS)

    Striepe, S. A.; Way, D. W.; Balaram, J.

    2002-01-01

    Two primary simulations have been developed and are being updated for the Mars Smart Lander Entry, Descent, and Landing (EDL). The high fidelity engineering end-to-end EDL simulation that is based on NASA Langley's Program to Optimize Simulated Trajectories (POST) and the end-to-end real-time, hardware-in-the-loop simulation testbed, which is based on NASA JPL's (Jet Propulsion Laboratory) Dynamics Simulator for Entry, Descent and Surface landing (DSENDS). This paper presents the status of these Mars Smart Lander EDL end-to-end simulations at this time. Various models, capabilities, as well as validation and verification for these simulations are discussed.

  11. Titan Explorer Entry, Descent and Landing Trajectory Design

    NASA Technical Reports Server (NTRS)

    Fisher, Jody L.; Lindberg, Robert E.; Lockwood, Mary Kae

    2006-01-01

    The Titan Explorer mission concept includes an orbiter, entry probe and inflatable airship designed to take remote and in-situ measurements of Titan's atmosphere. A modified entry, descent and landing trajectory at Titan that incorporates mid-air airship inflation (under a parachute) and separation is developed and examined for Titan Explorer. The feasibility of mid-air inflation and deployment of an airship under a parachute is determined by implementing and validating an airship buoyancy and inflation model in the trajectory simulation program, Program to Optimize Simulated Trajectories II (POST2). A nominal POST2 trajectory simulation case study is generated which examines different descent scenarios by varying airship inflation duration, orientation, and separation. The buoyancy model incorporation into POST2 is new to the software and may be used in future trajectory simulations. Each case from the nominal POST2 trajectory case study simulates a successful separation between the parachute and airship systems with sufficient velocity change as to alter their paths to avoid collision throughout their descent. The airship and heatshield also separate acceptably with a minimum distance of separation from the parachute system of 1.5 km. This analysis shows the feasibility of airship inflation on a parachute for different orientations, airship separation at various inflation times, and preparation for level-flight at Titan.

  12. The impact of Asian descent on the incidence of acquired severe aplastic anaemia in children.

    PubMed

    McCahon, Emma; Tang, Keith; Rogers, Paul C J; McBride, Mary L; Schultz, Kirk R

    2003-04-01

    Previous studies have suggested an increased incidence of acquired severe aplastic anaemia in Asian populations. We evaluated the incidence of aplastic anaemia in people of Asian descent, using a well-defined paediatric (0-14 years) population in British Columbia, Canada to minimize environmental factors. The incidence in children of East/South-east Asian descent (6.9/million/year) and South Asian (East Indian) descent (7.3/million/year) was higher than for those of White/mixed ethnic descent (1.7/million/year). There appeared to be no contribution by environmental factors. This study shows that Asian children have an increased incidence of severe aplastic anaemia possibly as a result of a genetic predisposition.

  13. Fourier ptychographic reconstruction using Poisson maximum likelihood and truncated Wirtinger gradient.

    PubMed

    Bian, Liheng; Suo, Jinli; Chung, Jaebum; Ou, Xiaoze; Yang, Changhuei; Chen, Feng; Dai, Qionghai

    2016-06-10

    Fourier ptychographic microscopy (FPM) is a novel computational coherent imaging technique for high space-bandwidth product imaging. Mathematically, Fourier ptychographic (FP) reconstruction can be implemented as a phase retrieval optimization process, in which we only obtain low resolution intensity images corresponding to the sub-bands of the sample's high resolution (HR) spatial spectrum, and aim to retrieve the complex HR spectrum. In real setups, the measurements always suffer from various degenerations such as Gaussian noise, Poisson noise, speckle noise and pupil location error, which would largely degrade the reconstruction. To efficiently address these degenerations, we propose a novel FP reconstruction method under a gradient descent optimization framework in this paper. The technique utilizes Poisson maximum likelihood for better signal modeling, and truncated Wirtinger gradient for effective error removal. Results on both simulated data and real data captured using our laser-illuminated FPM setup show that the proposed method outperforms other state-of-the-art algorithms. Also, we have released our source code for non-commercial use.

  14. Description of the computations and pilot procedures for planning fuel-conservative descents with a small programmable calculator

    DOE Office of Scientific and Technical Information (OSTI.GOV)

    Vicroy, D.D.; Knox, C.E.

    A simplified flight management descent algorithm was developed and programmed on a small programmable calculator. It was designed to aid the pilot in planning and executing a fuel conservative descent to arrive at a metering fix at a time designated by the air traffic control system. The algorithm may also be used for planning fuel conservative descents when time is not a consideration. The descent path was calculated for a constant Mach/airspeed schedule from linear approximations of airplane performance with considerations given for gross weight, wind, and nonstandard temperature effects. The flight management descent algorithm and the vertical performance modelingmore » required for the DC-10 airplane is described.« less

  15. On Nonconvex Decentralized Gradient Descent

    DTIC Science & Technology

    2016-08-01

    and J. Bolte, On the convergence of the proximal algorithm for nonsmooth functions involving analytic features, Math . Program., 116: 5-16, 2009. [2] H...splitting, and regularized Gauss-Seidel methods, Math . Pro- gram., Ser. A, 137: 91-129, 2013. [3] P. Bianchi and J. Jakubowicz, Convergence of a multi-agent...subgradient method under random communication topologies , IEEE J. Sel. Top. Signal Process., 5:754-771, 2011. [11] A. Nedic and A. Ozdaglar, Distributed

  16. Research study: STS-1 Orbiter Descent

    NASA Technical Reports Server (NTRS)

    Hickey, J. S.

    1981-01-01

    The conversion of STS-1 orbiter descent data from AVE-SESAME contact programs to the REEDA system and the reduction of raw radiosonde data is summarized. A first difference program, contact data program, plot data program, and 30 second data program were developed. Six radiosonde soundings were taken. An example of the outputs of each of the programs is presented.

  17. Immediate effects of a distal gait modification during stair descent in individuals with patellofemoral pain.

    PubMed

    Aliberti, Sandra; Mezêncio, Bruno; Amadio, Alberto Carlos; Serrão, Julio Cerca; Mochizuki, Luis

    2018-05-23

    Knee pain during stair managing is a common complaint among individuals with PFP and can negatively affect their activities of daily living. Gait modification programs can be used to decrease patellofemoral pain. Immediate effects of a stair descent distal gait modification session that intended to emphasize forefoot landing during stair descent are described in this study. To analyze the immediate effects of a distal gait modification session on lower extremity movements and intensity of pain in women with patellofemoral pain during stair descent. Nonrandomized controlled trial. Sixteen women with patellofemoral pain were allocated into two groups: (1) Gait Modification Group (n = 8); and 2) Control Group (n = 8). The intensity of pain (visual analog scale) and kinematics of knee, ankle, and forefoot (multi-segmental foot model) during stair descent were assessed before and after the intervention. After the gait modification session, there was an increase of forefoot eversion and ankle plantarflexion as well as a decrease of knee flexion. An immediate decrease in patellofemoral pain intensity during stair descent was also observed. The distal gait modification session changed the lower extremity kinetic chain strategy of movement, increasing foot and ankle movement contribution and decreasing knee contribution to the task. An immediate decrease in patellofemoral pain intensity during stair descent was also observed. To emphasize forefoot landing may be a useful intervention to immediately relieve pain in patients with patellofemoral pain during stair descent. Clinical studies are needed to verify the gait modification session effects in medium and long terms.

  18. New hybrid conjugate gradient methods with the generalized Wolfe line search.

    PubMed

    Xu, Xiao; Kong, Fan-Yu

    2016-01-01

    The conjugate gradient method was an efficient technique for solving the unconstrained optimization problem. In this paper, we made a linear combination with parameters β k of the DY method and the HS method, and putted forward the hybrid method of DY and HS. We also proposed the hybrid of FR and PRP by the same mean. Additionally, to present the two hybrid methods, we promoted the Wolfe line search respectively to compute the step size α k of the two hybrid methods. With the new Wolfe line search, the two hybrid methods had descent property and global convergence property of the two hybrid methods that can also be proved.

  19. Testicular descent: INSL3, testosterone, genes and the intrauterine milieu.

    PubMed

    Bay, Katrine; Main, Katharina M; Toppari, Jorma; Skakkebæk, Niels E

    2011-04-01

    Complete testicular descent is a sign of, and a prerequisite for, normal testicular function in adult life. The process of testis descent is dependent on gubernacular growth and reorganization, which is regulated by the Leydig cell hormones insulin-like peptide 3 (INSL3) and testosterone. Investigation of the role of INSL3 and its receptor, relaxin-family peptide receptor 2 (RXFP2), has contributed substantially to our understanding of the hormonal control of testicular descent. Cryptorchidism is a common congenital malformation, which is seen in 2-9% of newborn boys, and confers an increased risk of infertility and testicular cancer in adulthood. Although some cases of isolated cryptorchidism in humans can be ascribed to known genetic defects, such as mutations in INSL3 or RXFP2, the cause of cryptorchidism remains unknown in most patients. Several animal and human studies are currently underway to test the hypothesis that in utero factors, including environmental and maternal lifestyle factors, may be involved in the etiology of cryptorchidism. Overall, the etiology of isolated cryptorchidism seems to be complex and multifactorial, involving both genetic and nongenetic components.

  20. Impact of race on the professional lives of physicians of African descent.

    PubMed

    Nunez-Smith, Marcella; Curry, Leslie A; Bigby, JudyAnn; Berg, David; Krumholz, Harlan M; Bradley, Elizabeth H

    2007-01-02

    Increasing the racial and ethnic diversity of the physician workforce is a national priority. However, insight into the professional experiences of minority physicians is limited. This knowledge is fundamental to developing effective strategies to recruit, retain, and support a diverse physician workforce. To characterize how physicians of African descent experience race in the workplace. Qualitative study based on in-person and in-depth racially concordant interviews using a standard discussion guide. The 6 New England states in the United States. 25 practicing physicians of African descent representing a diverse range of primary practice settings, specialties, and ages. Professional experiences of physicians of African descent. 1) Awareness of race permeates the experience of physicians of African descent in the health care workplace; 2) race-related experiences shape interpersonal interactions and define the institutional climate; 3) responses to perceived racism at work vary along a spectrum from minimization to confrontation; 4) the health care workplace is often silent on issues of race; and 5) collective race-related experiences can result in "racial fatigue," with personal and professional consequences for physicians. The study was restricted to New England and may not reflect the experiences of physicians in other geographic regions. The findings are meant to be hypothesis-generating and require additional follow-up studies. The issue of race remains a pervasive influence in the work lives of physicians of African descent. Without sufficient attention to the specific ways in which race shapes physicians' work experiences, health care organizations are unlikely to create environments that successfully foster and sustain a diverse physician workforce.

  1. User's manual for a fuel-conservative descent planning algorithm implemented on a small programmable calculator

    DOE Office of Scientific and Technical Information (OSTI.GOV)

    Vicroy, D.D.

    A simplified flight management descent algorithm was developed and programmed on a small programmable calculator. It was designed to aid the pilot in planning and executing a fuel conservative descent to arrive at a metering fix at a time designated by the air traffic control system. The algorithm may also be used for planning fuel conservative descents when time is not a consideration. The descent path was calculated for a constant Mach/airspeed schedule from linear approximations of airplane performance with considerations given for gross weight, wind, and nonstandard temperature effects. An explanation and examples of how the algorithm is used,more » as well as a detailed flow chart and listing of the algorithm are contained.« less

  2. THE AFRICAN DESCENT AND GLAUCOMA EVALUATION STUDY (ADAGES): PREDICTORS OF VISUAL FIELD DAMAGE IN GLAUCOMA SUSPECTS

    PubMed Central

    Khachatryan, Naira; Medeiros, Felipe A.; Sharpsten, Lucie; Bowd, Christopher; Sample, Pamela A.; Liebmann, Jeffrey M.; Girkin, Christopher A.; Weinreb, Robert N.; Miki, Atsuya; Hammel, Na’ama; Zangwill, Linda M.

    2015-01-01

    Purpose To evaluate racial differences in the development of visual field (VF) damage in glaucoma suspects. Design Prospective, observational cohort study. Methods Six hundred thirty six eyes from 357 glaucoma suspects with normal VF at baseline were included from the multicenter African Descent and Glaucoma Evaluation Study (ADAGES). Racial differences in the development of VF damage were examined using multivariable Cox Proportional Hazard models. Results Thirty one (25.4%) of 122 African descent participants and 47 (20.0%) of 235 European descent participants developed VF damage (p=0.078). In multivariable analysis, worse baseline VF mean deviation, higher mean arterial pressure during follow up, and a race *mean intraocular pressure (IOP) interaction term were significantly associated with the development of VF damage suggesting that racial differences in the risk of VF damage varied by IOP. At higher mean IOP levels, race was predictive of the development of VF damage even after adjusting for potentially confounding factors. At mean IOPs during follow-up of 22, 24 and 26 mmHg, multivariable hazard ratios (95%CI) for the development of VF damage in African descent compared to European descent subjects were 2.03 (1.15–3.57), 2.71 (1.39–5.29), and 3.61 (1.61–8.08), respectively. However, at lower mean IOP levels (below 22 mmHg) during follow-up, African descent was not predictive of the development of VF damage. Conclusion In this cohort of glaucoma suspects with similar access to treatment, multivariate analysis revealed that at higher mean IOP during follow-up, individuals of African descent were more likely to develop VF damage than individuals of European descent. PMID:25597839

  3. Descent graphs in pedigree analysis: applications to haplotyping, location scores, and marker-sharing statistics.

    PubMed Central

    Sobel, E.; Lange, K.

    1996-01-01

    The introduction of stochastic methods in pedigree analysis has enabled geneticists to tackle computations intractable by standard deterministic methods. Until now these stochastic techniques have worked by running a Markov chain on the set of genetic descent states of a pedigree. Each descent state specifies the paths of gene flow in the pedigree and the founder alleles dropped down each path. The current paper follows up on a suggestion by Elizabeth Thompson that genetic descent graphs offer a more appropriate space for executing a Markov chain. A descent graph specifies the paths of gene flow but not the particular founder alleles traveling down the paths. This paper explores algorithms for implementing Thompson's suggestion for codominant markers in the context of automatic haplotyping, estimating location scores, and computing gene-clustering statistics for robust linkage analysis. Realistic numerical examples demonstrate the feasibility of the algorithms. PMID:8651310

  4. Entry, Descent and Landing Systems Analysis Study: Phase 1 Report

    NASA Technical Reports Server (NTRS)

    DwyerCianciolo, Alicia M.; Davis, Jody L.; Komar, David R.; Munk, Michelle M.; Samareh, Jamshid A.; Powell, Richard W.; Shidner, Jeremy D.; Stanley, Douglas O.; Wilhite, Alan W.; Kinney, David J.; hide

    2010-01-01

    NASA senior management commissioned the Entry, Descent and Landing Systems Analysis (EDL-SA) Study in 2008 to identify and roadmap the Entry, Descent and Landing (EDL) technology investments that the agency needed to make in order to successfully land large payloads at Mars for both robotic and human-scale missions. This paper summarizes the motivation, approach and top-level results from Year 1 of the study, which focused on landing 10-50 mt on Mars, but also included a trade study of the best advanced parachute design for increasing the landed payloads within the EDL architecture of the Mars Science Laboratory (MSL) mission

  5. Minimum-Cost Aircraft Descent Trajectories with a Constrained Altitude Profile

    NASA Technical Reports Server (NTRS)

    Wu, Minghong G.; Sadovsky, Alexander V.

    2015-01-01

    An analytical formula for solving the speed profile that accrues minimum cost during an aircraft descent with a constrained altitude profile is derived. The optimal speed profile first reaches a certain speed, called the minimum-cost speed, as quickly as possible using an appropriate extreme value of thrust. The speed profile then stays on the minimum-cost speed as long as possible, before switching to an extreme value of thrust for the rest of the descent. The formula is applied to an actual arrival route and its sensitivity to winds and airlines' business objectives is analyzed.

  6. Human chorionic gonadotropin but not the calcitonin gene-related peptide induces postnatal testicular descent in mice.

    PubMed

    Houle, A M; Gagné, D

    1995-01-01

    The androgen-regulated paracrine factor, calcitonin gene-related peptide (CGRP), has been proposed as a possible mediator of testicular descent. This peptide has been found to increase rhythmic contractions of gubernaculae and is known to be released by the genitofemoral nerve. We have investigated the ability of CGRP to induce premature testicular descent. CGRP was administered alone, or in combination with human chorionic gonadotropin (hCG) to C57BL/6 male mice postnatally. The extent of testicular descent at 18 days postpartum was then ascertained. The potential relationship between testicular weight and descent was also examined. Our results show that testes of mice treated with either hCG alone, or in combination with 500 ng CGRP, were at a significantly lower position than those of controls by 16% and 17%, respectively. In contrast, mice treated with 500 ng of CGRP alone had testes at a higher position when compared to those of controls, by 19%. In mice treated with 50 ng of CGRP alone or in combination with hCG, testes were at a position similar to those in controls. Furthermore, testicular descent was analyzed in relation to testicular weight, and we found that significantly smaller testes per gram of body weight than those of controls were at a significantly lower position compared to those of controls. Our data demonstrate that CGRP had no effect on postnatal testicular descent and that there is no relationship between postnatal descent and testicular weight.

  7. A Collective Pursuit of Learning the Possibility to Be: The CAMP Experience Assisting Situationally Marginalized Mexican American Students to a Successful Student Identity

    ERIC Educational Resources Information Center

    Reyes, Reynaldo, III

    2007-01-01

    Many students of Mexican descent must learn how to be successful students. This study describes 5 students of Mexican descent from situationally marginalized lives who were a part of a support and retention scholarship program (College Assistance Migrant Program--CAMP). These case studies document how they perceived their learning and how they…

  8. E-Learning, Engineering, and Learners of African Descent: A Needs Analysis

    ERIC Educational Resources Information Center

    Eugene, Wanda; Clark, Kevin

    2012-01-01

    The rapid growth and short history of e-Learning technologies and the desire to see these technologies integrated into the learning process have caused a lack of specific guidance and firm foundation of principles on which to base instructional choices. Lessons cultivated in the Learning Sciences about the cultural influences of learning provide a…

  9. Global Patterns of Prostate Cancer Incidence, Aggressiveness, and Mortality in Men of African Descent

    PubMed Central

    Rebbeck, Timothy R.; Devesa, Susan S.; Chang, Bao-Li; Bunker, Clareann H.; Cheng, Iona; Cooney, Kathleen; Eeles, Rosalind; Fernandez, Pedro; Giri, Veda N.; Gueye, Serigne M.; Haiman, Christopher A.; Henderson, Brian E.; Heyns, Chris F.; Hu, Jennifer J.; Ingles, Sue Ann; Isaacs, William; Jalloh, Mohamed; John, Esther M.; Kibel, Adam S.; Kidd, LaCreis R.; Layne, Penelope; Leach, Robin J.; Neslund-Dudas, Christine; Okobia, Michael N.; Ostrander, Elaine A.; Park, Jong Y.; Patrick, Alan L.; Phelan, Catherine M.; Ragin, Camille; Roberts, Robin A.; Rybicki, Benjamin A.; Stanford, Janet L.; Strom, Sara; Thompson, Ian M.; Witte, John; Xu, Jianfeng; Yeboah, Edward; Hsing, Ann W.; Zeigler-Johnson, Charnita M.

    2013-01-01

    Prostate cancer (CaP) is the leading cancer among men of African descent in the USA, Caribbean, and Sub-Saharan Africa (SSA). The estimated number of CaP deaths in SSA during 2008 was more than five times that among African Americans and is expected to double in Africa by 2030. We summarize publicly available CaP data and collected data from the men of African descent and Carcinoma of the Prostate (MADCaP) Consortium and the African Caribbean Cancer Consortium (AC3) to evaluate CaP incidence and mortality in men of African descent worldwide. CaP incidence and mortality are highest in men of African descent in the USA and the Caribbean. Tumor stage and grade were highest in SSA. We report a higher proportion of T1 stage prostate tumors in countries with greater percent gross domestic product spent on health care and physicians per 100,000 persons. We also observed that regions with a higher proportion of advanced tumors reported lower mortality rates. This finding suggests that CaP is underdiagnosed and/or underreported in SSA men. Nonetheless, CaP incidence and mortality represent a significant public health problem in men of African descent around the world. PMID:23476788

  10. A Framework for Hierarchical Perception-Action Learning Utilizing Fuzzy Reasoning.

    PubMed

    Windridge, David; Felsberg, Michael; Shaukat, Affan

    2013-02-01

    Perception-action (P-A) learning is an approach to cognitive system building that seeks to reduce the complexity associated with conventional environment-representation/action-planning approaches. Instead, actions are directly mapped onto the perceptual transitions that they bring about, eliminating the need for intermediate representation and significantly reducing training requirements. We here set out a very general learning framework for cognitive systems in which online learning of the P-A mapping may be conducted within a symbolic processing context, so that complex contextual reasoning can influence the P-A mapping. In utilizing a variational calculus approach to define a suitable objective function, the P-A mapping can be treated as an online learning problem via gradient descent using partial derivatives. Our central theoretical result is to demonstrate top-down modulation of low-level perceptual confidences via the Jacobian of the higher levels of a subsumptive P-A hierarchy. Thus, the separation of the Jacobian as a multiplying factor between levels within the objective function naturally enables the integration of abstract symbolic manipulation in the form of fuzzy deductive logic into the P-A mapping learning. We experimentally demonstrate that the resulting framework achieves significantly better accuracy than using P-A learning without top-down modulation. We also demonstrate that it permits novel forms of context-dependent multilevel P-A mapping, applying the mechanism in the context of an intelligent driver assistance system.

  11. A conflict analysis of 4D descent strategies in a metered, multiple-arrival route environment

    NASA Technical Reports Server (NTRS)

    Izumi, K. H.; Harris, C. S.

    1990-01-01

    A conflict analysis was performed on multiple arrival traffic at a typical metered airport. The Flow Management Evaluation Model (FMEM) was used to simulate arrival operations using Denver Stapleton's arrival route structure. Sensitivities of conflict performance to three different 4-D descent strategies (clear-idle Mach/Constant AirSpeed (CAS), constant descent angle Mach/CAS and energy optimal) were examined for three traffic mixes represented by those found at Denver Stapleton, John F. Kennedy and typical en route metering (ERM) airports. The Monte Carlo technique was used to generate simulation entry point times. Analysis results indicate that the clean-idle descent strategy offers the best compromise in overall performance. Performance measures primarily include susceptibility to conflict and conflict severity. Fuel usage performance is extrapolated from previous descent strategy studies.

  12. Field evaluation of descent advisor trajectory prediction accuracy

    DOT National Transportation Integrated Search

    1996-07-01

    The Descent Advisor (DA) automation tool has undergone a series of field tests : at the Denver Air Route Traffic Control Center to study the feasibility of : DA-based clearances and procedures. The latest evaluation, conducted in the : fall of 1995, ...

  13. The glucokinase mutation p.T206P is common among MODY patients of Jewish Ashkenazi descent.

    PubMed

    Gozlan, Yael; Tenenbaum, Ariel; Shalitin, Shlomit; Lebenthal, Yael; Oron, Tal; Cohen, Ohad; Phillip, Moshe; Gat-Yablonski, Galia

    2012-09-01

    Maturity-onset diabetes of the young (MODY) is characterized by an autosomal dominant mode of inheritance; a primary defect in insulin secretion with non-ketotic hyperglycemia, age of onset under 25 yr; and lack of autoantibodies. Heterozygous mutations in glucokinase (GCK) are associated with mild fasting hyperglycemia and gestational diabetes mellitus while homozygous or compound heterozygous GCK mutations result in permanent neonatal diabetes mellitus. Given that both the Israeli-Arabic and the various Israeli-Jewish communities tend to maintain ethnic seclusion, we speculated that it would be possible to identify a relatively narrow spectrum of mutations in the Israeli population. To characterize the genetic basis of GCK-MODY in the different ethnic groups of the Israeli population. Patients with clinically identified GCK-MODY and their first degree family members. Molecular analysis of GCK was performed on genomic DNA using polymerase chain reaction, denaturing gradient gel electrophoresis (DGGE), and sequencing. Bioinformatic model was preformed using the NEST program. Mutations in GCK were identified in 25 families and were all family-specific, except c.616A>C. p.T206P. This mutation was identified in six unrelated families, all patients from a Jewish-Ashkenazi descent, thus indicating an ethno-genetic correlation. A simple, fast, and relatively cheap DGGE/restriction-digestion assay was developed. The high incidence of the mutant allele in GCK-MODY patients of Jewish-Ashkenazi descent suggests a founder effect. We propose that clinically identified GCK-MODY patients of Jewish-Ashkenazi origin be first tested for this mutation. © 2011 John Wiley & Sons A/S.

  14. A Fast Deep Learning System Using GPU

    DTIC Science & Technology

    2014-06-01

    hour per response, including the time for reviewing instructions, searching existing data sources, gathering and maintaining the data needed, and...widely used in data modeling until three decades later when efficient training algorithm for RBM is invented by Hinton [3] and the computing power is...be trained using most of optimization algorithms , such as BP, conjugate gradient descent (CGD) or Levenberg-Marquardt (LM). The advantage of this

  15. Dynamical Motor Control Learned with Deep Deterministic Policy Gradient.

    PubMed

    Shi, Haibo; Sun, Yaoru; Li, Jie

    2018-01-01

    Conventional models of motor control exploit the spatial representation of the controlled system to generate control commands. Typically, the control command is gained with the feedback state of a specific instant in time, which behaves like an optimal regulator or spatial filter to the feedback state. Yet, recent neuroscience studies found that the motor network may constitute an autonomous dynamical system and the temporal patterns of the control command can be contained in the dynamics of the motor network, that is, the dynamical system hypothesis (DSH). Inspired by these findings, here we propose a computational model that incorporates this neural mechanism, in which the control command could be unfolded from a dynamical controller whose initial state is specified with the task parameters. The model is trained in a trial-and-error manner in the framework of deep deterministic policy gradient (DDPG). The experimental results show that the dynamical controller successfully learns the control policy for arm reaching movements, while the analysis of the internal activities of the dynamical controller provides the computational evidence to the DSH of the neural coding in motor cortices.

  16. Compensation of significant parametric uncertainties using sliding mode online learning

    NASA Astrophysics Data System (ADS)

    Schnetter, Philipp; Kruger, Thomas

    An augmented nonlinear inverse dynamics (NID) flight control strategy using sliding mode online learning for a small unmanned aircraft system (UAS) is presented. Because parameter identification for this class of aircraft often is not valid throughout the complete flight envelope, aerodynamic parameters used for model based control strategies may show significant deviations. For the concept of feedback linearization this leads to inversion errors that in combination with the distinctive susceptibility of small UAS towards atmospheric turbulence pose a demanding control task for these systems. In this work an adaptive flight control strategy using feedforward neural networks for counteracting such nonlinear effects is augmented with the concept of sliding mode control (SMC). SMC-learning is derived from variable structure theory. It considers a neural network and its training as a control problem. It is shown that by the dynamic calculation of the learning rates, stability can be guaranteed and thus increase the robustness against external disturbances and system failures. With the resulting higher speed of convergence a wide range of simultaneously occurring disturbances can be compensated. The SMC-based flight controller is tested and compared to the standard gradient descent (GD) backpropagation algorithm under the influence of significant model uncertainties and system failures.

  17. Deep Learning Methods for Underwater Target Feature Extraction and Recognition

    PubMed Central

    Peng, Yuan; Qiu, Mengran; Shi, Jianfei; Liu, Liangliang

    2018-01-01

    The classification and recognition technology of underwater acoustic signal were always an important research content in the field of underwater acoustic signal processing. Currently, wavelet transform, Hilbert-Huang transform, and Mel frequency cepstral coefficients are used as a method of underwater acoustic signal feature extraction. In this paper, a method for feature extraction and identification of underwater noise data based on CNN and ELM is proposed. An automatic feature extraction method of underwater acoustic signals is proposed using depth convolution network. An underwater target recognition classifier is based on extreme learning machine. Although convolution neural networks can execute both feature extraction and classification, their function mainly relies on a full connection layer, which is trained by gradient descent-based; the generalization ability is limited and suboptimal, so an extreme learning machine (ELM) was used in classification stage. Firstly, CNN learns deep and robust features, followed by the removing of the fully connected layers. Then ELM fed with the CNN features is used as the classifier to conduct an excellent classification. Experiments on the actual data set of civil ships obtained 93.04% recognition rate; compared to the traditional Mel frequency cepstral coefficients and Hilbert-Huang feature, recognition rate greatly improved. PMID:29780407

  18. Lunar Surface Access Module Descent Engine Turbopump Technology: Detailed Design

    NASA Technical Reports Server (NTRS)

    Alvarez, Erika; Forbes, John C.; Thornton, Randall J.

    2010-01-01

    The need for a high specific impulse LOX/LH2 pump-fed lunar lander engine has been established by NASA for the new lunar exploration architecture. Studies indicate that a 4-engine cluster in the thrust range of 9,000-lbf each is a candidate configuration for the main propulsion of the manned lunar lander vehicle. The lander descent engine will be required to perform multiple burns including the powered descent onto the lunar surface. In order to achieve the wide range of thrust required, the engines must be capable of throttling approximately 10:1. Working under internal research and development funding, NASA Marshall Space Flight Center (MSFC) has been conducting the development of a 9,000-lbf LOX/LH2 lunar lander descent engine technology testbed. This paper highlights the detailed design and analysis efforts to develop the lander engine Fuel Turbopump (FTP) whose operating speeds range from 30,000-rpm to 100,000-rpm. The capability of the FTP to operate across this wide range of speeds imposes several structural and dynamic challenges, and the small size of the FTP creates scaling and manufacturing challenges that are also addressed in this paper.

  19. Flight-Deck Strategies and Outcomes When Flying Schedule-Matching Descents

    NASA Technical Reports Server (NTRS)

    Kaneshige, John T.; Sharma, Shivanjli; Martin Lynne; Lozito, Sandra; Dulchinos, Victoria

    2013-01-01

    Recent studies at NASA Ames Research Center have investigated the development and use of ground-based (air traffic controller) tools to manage and schedule air traffic in future terminal airspace. An exploratory study was undertaken to investigate the impacts that such tools (and concepts) could have on the flight-deck. Ten Boeing 747-400 crews flew eight optimized profile descents in the Los Angeles terminal airspace, while receiving scripted current day and futuristic speed clearances, to ascertain their ability to fly schedulematching descents without prior training. Although the study was exploratory in nature, four variables were manipulated: route constraints, winds, speed changes, and clearance phraseology. Despite flying the same scenarios with the same events and timing, there were significant differences in the time it took crews to fly the approaches. This variation is the product of a number of factors but highlights potential difficulties for scheduling tools that would have to accommodate this amount of natural variation in descent times. The focus of this paper is the examination of the crews' aircraft management strategies and outcomes. This includes potentially problematic human-automation interaction issues that may negatively impact arrival times, speed and altitude constraint compliance, and energy management efficiency.

  20. A Geometric Perspective on the Method of Descent

    NASA Astrophysics Data System (ADS)

    Wang, Qian

    2018-06-01

    We derive a first order representation formula for the tensorial wave equation \\Box_g φ^I=F^I in globally hyperbolic Lorentzian spacetimes {(M^{2+1}, g) by giving a geometric formulation of the method of descent which is applicable for any dimension.

  1. Computational and theoretical investigation of Mars's atmospheric impact on the descent module "Exomars-2018" under aerodynamic deceleration

    NASA Astrophysics Data System (ADS)

    Golomazov, M. M.; Ivankov, A. A.

    2016-12-01

    Methods for calculating the aerodynamic impact of the Martian atmosphere on the descent module "Exomars-2018" intended for solving the problem of heat protection of the descent module during aerodynamic deceleration are presented. The results of the investigation are also given. The flow field and radiative and convective heat exchange are calculated along the trajectory of the descent module until parachute system activation.

  2. Comparison of linear cephalometric dimensions in Americans of European descent (Ann Arbor, Cleveland, Philadelphia) and Americans of African descent (Nashville).

    PubMed

    Dibbets, Jos M H; Nolte, Kai

    2002-08-01

    Eleven dimensions, extracted from four commercially available cephalometric atlases were compared. Three populations were American of European descent and one was American of African descent. The source data were carefully corrected for linear enlargement. The confounding effect of linear radiographic enlargement is exemplified by depicting the often-used distance, sella-nasion, before and after correction. Total face height was smallest in the Cleveland population and largest in the Nashville population. The difference was fully accounted for by differences in lower face height and that was the most variable of all dimensions studied. Upper face height was almost identical in all four populations. Posterior face height was largest in the Nashville population. The mandible in the Nashville population had an average ramus height, but a longer corpus. Mandibular dimensions were equal in the three other populations. The maxilla was clearly shortest in the Cleveland population and almost of equal length in the three others.

  3. Luteinising hormone releasing hormone for incomplete descent of the testis.

    PubMed Central

    Klidjian, A M; Swift, P G; Johnstone, J M

    1985-01-01

    Forty boys with 54 incompletely descended testes took part in a double blind, controlled trial of intranasal luteinising hormone releasing hormone. In the control (placebo) group of 18 boys there was no significant change in testicular descent and all required orchidopexy; in the 22 treated boys, however, 12 of 29 testes (42%) were found in a lower position. This study supports the idea that a trial of intranasal luteinising hormone releasing hormone (1200 micrograms/day for 28 days) will help clarify the need for orchidopexy in at least 30% of boys with incomplete descent of the testis, particularly those in whom the testes have emerged from the inguinal canal. PMID:2861791

  4. Luteinising hormone releasing hormone for incomplete descent of the testis.

    PubMed

    Klidjian, A M; Swift, P G; Johnstone, J M

    1985-06-01

    Forty boys with 54 incompletely descended testes took part in a double blind, controlled trial of intranasal luteinising hormone releasing hormone. In the control (placebo) group of 18 boys there was no significant change in testicular descent and all required orchidopexy; in the 22 treated boys, however, 12 of 29 testes (42%) were found in a lower position. This study supports the idea that a trial of intranasal luteinising hormone releasing hormone (1200 micrograms/day for 28 days) will help clarify the need for orchidopexy in at least 30% of boys with incomplete descent of the testis, particularly those in whom the testes have emerged from the inguinal canal.

  5. Manipulating the Gradient

    ERIC Educational Resources Information Center

    Gaze, Eric C.

    2005-01-01

    We introduce a cooperative learning, group lab for a Calculus III course to facilitate comprehension of the gradient vector and directional derivative concepts. The lab is a hands-on experience allowing students to manipulate a tangent plane and empirically measure the effect of partial derivatives on the direction of optimal ascent. (Contains 7…

  6. Ethnic Identity and Acculturative Stress as Mediators of Depression in Students of Asian Descent

    ERIC Educational Resources Information Center

    Lantrip, Crystal; Mazzetti, Francesco; Grasso, Joseph; Gill, Sara; Miller, Janna; Haner, Morgynn; Rude, Stephanie; Awad, Germine

    2015-01-01

    This study underscored the importance of addressing the well-being of college students of Asian descent, because these students had higher rates of depression and lower positive feelings about their ethnic group compared with students of European descent, as measured by the Affirmation subscale of the Ethnic Identity Scale. Affirmation mediated…

  7. Powered Descent Guidance with General Thrust-Pointing Constraints

    NASA Technical Reports Server (NTRS)

    Carson, John M., III; Acikmese, Behcet; Blackmore, Lars

    2013-01-01

    The Powered Descent Guidance (PDG) algorithm and software for generating Mars pinpoint or precision landing guidance profiles has been enhanced to incorporate thrust-pointing constraints. Pointing constraints would typically be needed for onboard sensor and navigation systems that have specific field-of-view requirements to generate valid ground proximity and terrain-relative state measurements. The original PDG algorithm was designed to enforce both control and state constraints, including maximum and minimum thrust bounds, avoidance of the ground or descent within a glide slope cone, and maximum speed limits. The thrust-bound and thrust-pointing constraints within PDG are non-convex, which in general requires nonlinear optimization methods to generate solutions. The short duration of Mars powered descent requires guaranteed PDG convergence to a solution within a finite time; however, nonlinear optimization methods have no guarantees of convergence to the global optimal or convergence within finite computation time. A lossless convexification developed for the original PDG algorithm relaxed the non-convex thrust bound constraints. This relaxation was theoretically proven to provide valid and optimal solutions for the original, non-convex problem within a convex framework. As with the thrust bound constraint, a relaxation of the thrust-pointing constraint also provides a lossless convexification that ensures the enhanced relaxed PDG algorithm remains convex and retains validity for the original nonconvex problem. The enhanced PDG algorithm provides guidance profiles for pinpoint and precision landing that minimize fuel usage, minimize landing error to the target, and ensure satisfaction of all position and control constraints, including thrust bounds and now thrust-pointing constraints.

  8. Apollo 15 mission report, supplement 4: Descent propulsion system final flight evaluation

    NASA Technical Reports Server (NTRS)

    Avvenire, A. T.; Wood, S. C.

    1972-01-01

    The results of a postflight analysis of the LM-10 Descent Propulsion System (DPS) during the Apollo 15 Mission are reported. The analysis determined the steady state performance of the DPS during the descent phase of the manned lunar landing. Flight measurement discrepancies are discussed. Simulated throttle performance results are cited along with overall performance results. Evaluations of the propellant quantity gaging system, propellant loading, pressurization system, and engine are reported. Graphic illustrations of the evaluations are included.

  9. Effects of aircraft and flight parameters on energy-efficient profile descents in time-based metered traffic

    NASA Technical Reports Server (NTRS)

    Dejarnette, F. R.

    1984-01-01

    Concepts to save fuel while preserving airport capacity by combining time based metering with profile descent procedures were developed. A computer algorithm is developed to provide the flight crew with the information needed to fly from an entry fix to a metering fix and arrive there at a predetermined time, altitude, and airspeed. The flight from the metering fix to an aim point near the airport was calculated. The flight path is divided into several descent and deceleration segments. Descents are performed at constant Mach numbers or calibrated airspeed, whereas decelerations occur at constant altitude. The time and distance associated with each segment are calculated from point mass equations of motion for a clean configuration with idle thrust. Wind and nonstandard atmospheric properties have a large effect on the flight path. It is found that uncertainty in the descent Mach number has a large effect on the predicted flight time. Of the possible combinations of Mach number and calibrated airspeed for a descent, only small changes were observed in the fuel consumed.

  10. Multi-Innovation Gradient Iterative Locally Weighted Learning Identification for A Nonlinear Ship Maneuvering System

    NASA Astrophysics Data System (ADS)

    Bai, Wei-wei; Ren, Jun-sheng; Li, Tie-shan

    2018-06-01

    This paper explores a highly accurate identification modeling approach for the ship maneuvering motion with fullscale trial. A multi-innovation gradient iterative (MIGI) approach is proposed to optimize the distance metric of locally weighted learning (LWL), and a novel non-parametric modeling technique is developed for a nonlinear ship maneuvering system. This proposed method's advantages are as follows: first, it can avoid the unmodeled dynamics and multicollinearity inherent to the conventional parametric model; second, it eliminates the over-learning or underlearning and obtains the optimal distance metric; and third, the MIGI is not sensitive to the initial parameter value and requires less time during the training phase. These advantages result in a highly accurate mathematical modeling technique that can be conveniently implemented in applications. To verify the characteristics of this mathematical model, two examples are used as the model platforms to study the ship maneuvering.

  11. Algorithms for accelerated convergence of adaptive PCA.

    PubMed

    Chatterjee, C; Kang, Z; Roychowdhury, V P

    2000-01-01

    We derive and discuss new adaptive algorithms for principal component analysis (PCA) that are shown to converge faster than the traditional PCA algorithms due to Oja, Sanger, and Xu. It is well known that traditional PCA algorithms that are derived by using gradient descent on an objective function are slow to converge. Furthermore, the convergence of these algorithms depends on appropriate choices of the gain sequences. Since online applications demand faster convergence and an automatic selection of gains, we present new adaptive algorithms to solve these problems. We first present an unconstrained objective function, which can be minimized to obtain the principal components. We derive adaptive algorithms from this objective function by using: 1) gradient descent; 2) steepest descent; 3) conjugate direction; and 4) Newton-Raphson methods. Although gradient descent produces Xu's LMSER algorithm, the steepest descent, conjugate direction, and Newton-Raphson methods produce new adaptive algorithms for PCA. We also provide a discussion on the landscape of the objective function, and present a global convergence proof of the adaptive gradient descent PCA algorithm using stochastic approximation theory. Extensive experiments with stationary and nonstationary multidimensional Gaussian sequences show faster convergence of the new algorithms over the traditional gradient descent methods.We also compare the steepest descent adaptive algorithm with state-of-the-art methods on stationary and nonstationary sequences.

  12. The Cassini/Huygens Doppler Wind Experiment: Results from the Titan Descent

    NASA Technical Reports Server (NTRS)

    Bird, M. K.; Dutta-Roy, R.; Allison, M.; Asmar, S. W.; Atkinson, D. H.; Edenhofer, P.; Plettemeier, D.; Tyler, G. L.

    2005-01-01

    The primary objective of the Doppler Wind Experiment (DWE), one of the six scientific investigations comprising the payload of the ESA Huygens Probe, is a determination of the wind velocity in Titan's atmosphere. Measurements of the Doppler shift of the S-band (2040 MHz) carrier signal to the Cassini Orbiter and to Earth were recorded during the Probe descent in order to deduce wind-induced motion of the Probe to an accuracy better than 1 m s-1. An experiment with the same scientific goal was performed with the Galileo Probe at Jupiter. Analogous to the Galileo experience, it was anticipated that the frequency of the Huygens radio signal could be measured on Earth to obtain an additional component of the horizontal winds. Specific secondary science objectives of DWE include measurements of: (a) Doppler fluctuations to determine the turbulence spectrum and possible wave activity in the Titan atmosphere; (b) Doppler and signal level modulation to monitor Probe descent dynamics (e.g., spinrate/spinphase, parachute swing); (c) Probe coordinates and orientation during descent and after impact on Titan.

  13. Feeling frugal: socioeconomic status, acculturation, and cultural health beliefs among women of Mexican descent.

    PubMed

    Borrayo, Evelinn A; Jenkins, Sharon Rae

    2003-05-01

    Psychosocial and socioeconomic variables are often confounded. The authors combined quantitative with grounded theory analysis to investigate influences of acculturation, socioeconomic status (SES), and cultural health beliefs on Mexican-descent women's preventive health behaviors. In 5 focus group interviews sampling across levels of acculturation and SES, women expressing more traditional Mexican health beliefs about breast cancer screening were of lower SES and were less U.S. acculturated. However, SES and acculturation were uncorrelated with screening behaviors. Qualitative analysis generated hypotheses about joint influences of SES and traditional health beliefs; for example, low-SES women may learn frugal habits as part of their cultural traditions that influence their health care decision making, magnifying SES-imposed structural restrictions on health care access.

  14. A Symmetric Time-Varying Cluster Rate of Descent Model

    NASA Technical Reports Server (NTRS)

    Ray, Eric S.

    2015-01-01

    A model of the time-varying rate of descent of the Orion vehicle was developed based on the observed correlation between canopy projected area and drag coefficient. This initial version of the model assumes cluster symmetry and only varies the vertical component of velocity. The cluster fly-out angle is modeled as a series of sine waves based on flight test data. The projected area of each canopy is synchronized with the primary fly-out angle mode. The sudden loss of projected area during canopy collisions is modeled at minimum fly-out angles, leading to brief increases in rate of descent. The cluster geometry is converted to drag coefficient using empirically derived constants. A more complete model is under development, which computes the aerodynamic response of each canopy to its local incidence angle.

  15. Neural networks applications to control and computations

    NASA Technical Reports Server (NTRS)

    Luxemburg, Leon A.

    1994-01-01

    Several interrelated problems in the area of neural network computations are described. First an interpolation problem is considered, then a control problem is reduced to a problem of interpolation by a neural network via Lyapunov function approach, and finally a new, faster method of learning as compared with the gradient descent method, was introduced.

  16. Preliminary assessment of the Mars Science Laboratory entry, descent, and landing simulation

    NASA Astrophysics Data System (ADS)

    Way, David W.

    On August 5, 2012, the Mars Science Laboratory rover, Curiosity, successfully landed inside Gale Crater. This landing was the seventh successful landing and fourth rover to be delivered to Mars. Weighing nearly one metric ton, Curiosity is the largest and most complex rover ever sent to investigate another planet. Safely landing such a large payload required an innovative Entry, Descent, and Landing system, which included the first guided entry at Mars, the largest supersonic parachute ever flown at Mars, and the novel Sky Crane landing system. A complete, end-to-end, six degree-of-freedom, multi-body computer simulation of the Mars Science Laboratory Entry, Descent, and Landing sequence was developed at the NASA Langley Research Center. In-flight data gathered during the successful landing is compared to pre-flight statistical distributions, predicted by the simulation. These comparisons provide insight into both the accuracy of the simulation and the overall performance of the Entry, Descent, and Landing system.

  17. Lunar Surface Access Module Descent Engine Turbopump Technology: Detailed Design

    NASA Technical Reports Server (NTRS)

    Alarez, Erika; Thornton, Randall J.; Forbes, John C.

    2008-01-01

    The need for a high specific impulse LOX/LH2 pump-fed lunar lander engine has been established by NASA for the new lunar exploration architecture. Studies indicate that a 4-engine cluster in the thrust range of 9,000-lbf each is a candidate configuration for the main propulsion of the manned lunar lander vehicle. The lander descent engine will be required to perform minor mid-course corrections, a Lunar Orbit Insertion (LOI) burn, a de-orbit burn, and the powered descent onto the lunar surface. In order to achieve the wide range of thrust required, the engines must be capable of throttling approximately 10:1. Working under internal research and development funding, NASA Marshall Space Flight Center (MSFC) has been conducting the development of a 9,000-lbf LOX/LH2 lunar lander descent engine testbed. This paper highlights the detailed design and analysis efforts to develop the lander engine Fuel Turbopump (FTP) whose operating speeds range from 30,000-rpm to 100,000-rpm. The capability of the FTP to operate across this wide range of speeds imposes several structural and dynamic challenges, and the small size of the FTP creates scaling and manufacturing challenges that are also addressed in this paper.

  18. Learning in Modular Systems

    DTIC Science & Technology

    2010-05-07

    important for deep modular systems is that taking a series of small update steps and stopping before convergence, so called early stopping, is a form of regu...larization around the initial parameters of the system . For example, the stochastic gradient descent 5 1 u + 1 v = 1 6‖x2‖q = ‖x‖22q 22 Chapter 2...Aside from the overall speed of the classifier, no quantitative performance analysis was given, and the role played by the features in the larger system

  19. Entry, Descent, and Landing for Human Mars Missions

    NASA Technical Reports Server (NTRS)

    Munk, Michelle M.; DwyerCianciolo, Alicia M.

    2012-01-01

    One of the most challenging aspects of a human mission to Mars is landing safely on the Martian surface. Mars has such low atmospheric density that decelerating large masses (tens of metric tons) requires methods that have not yet been demonstrated, and are not yet planned in future Mars missions. To identify the most promising options for Mars entry, descent, and landing, and to plan development of the needed technologies, NASA's Human Architecture Team (HAT) has refined candidate methods for emplacing needed elements of the human Mars exploration architecture (such as ascent vehicles and habitats) on the Mars surface. This paper explains the detailed, optimized simulations that have been developed to define the mass needed at Mars arrival to accomplish the entry, descent, and landing functions. Based on previous work, technology options for hypersonic deceleration include rigid, mid-L/D (lift-to-drag ratio) aeroshells, and inflatable aerodynamic decelerators (IADs). The hypersonic IADs, or HIADs, are about 20% less massive than the rigid vehicles, but both have their technology development challenges. For the supersonic regime, supersonic retropropulsion (SRP) is an attractive option, since a propulsive stage must be carried for terminal descent and can be ignited at higher speeds. The use of SRP eliminates the need for an additional deceleration system, but SRP is at a low Technology Readiness Level (TRL) in that the interacting plumes are not well-characterized, and their effect on vehicle stability has not been studied, to date. These architecture-level assessments have been used to define the key performance parameters and a technology development strategy for achieving the challenging mission of landing large payloads on Mars.

  20. Genetic ancestry of families of putative Inka descent.

    PubMed

    Sandoval, José R; Lacerda, Daniela R; Jota, Marilza S; Elward, Ronald; Acosta, Oscar; Pinedo, Donaldo; Danos, Pierina; Cuellar, Cinthia; Revollo, Susana; Santos, Fabricio R; Fujita, Ricardo

    2018-03-03

    This study focuses on the descendants of the royal Inka family. The Inkas ruled Tawantinsuyu, the largest pre-Columbian empire in South America, which extended from southern Colombia to central Chile. The origin of the royal Inkas is currently unknown. While the mummies of the Inka rulers could have been informative, most were destroyed by Spaniards and the few remaining disappeared without a trace. Moreover, no genetic studies have been conducted on present-day descendants of the Inka rulers. In the present study, we analysed uniparental DNA markers in 18 individuals predominantly from the districts of San Sebastian and San Jerónimo in Cusco (Peru), who belong to 12 families of putative patrilineal descent of Inka rulers, according to documented registries. We used single-nucleotide polymorphisms and short tandem repeat (STR) markers of the Y chromosome (Y-STRs), as well as mitochondrial DNA D-loop sequences, to investigate the paternal and maternal descent of the 18 alleged Inka descendants. Two Q-M3* Y-STR clusters descending from different male founders were identified. The first cluster, named AWKI-1, was associated with five families (eight individuals). By contrast, the second cluster, named AWKI-2, was represented by a single individual; AWKI-2 was part of the Q-Z19483 sub-lineage that was likely associated with a recent male expansion in the Andes, which probably occurred during the Late Intermediate Period (1000-1450 AD), overlapping the Inka period. Concerning the maternal descent, different mtDNA lineages associated with each family were identified, suggesting a high maternal gene flow among Andean populations, probably due to changes in the last 1000 years.

  1. Forward stair descent with hybrid neuroprosthesis after paralysis: Single case study demonstrating feasibility

    PubMed Central

    Bulea, Thomas C.; Kobetic, Rudi; Audu, Musa L.; Schnellenberger, John R.; Pinault, Gilles; Triolo, Ronald J.

    2015-01-01

    The ability to negotiate stairs is important for community access and independent mobility but requires more effort and strength than level walking. For this reason, previous attempts to utilize functional neuromuscular stimulation (FNS) to restore stair navigation after spinal cord injury (SCI) have had limited success and are not readily generalizable. Stair descent is particularly challenging because it requires energy absorption via eccentric muscle contractions, a task not easily accomplished with FNS. This article presents the design and initial testing of a hybrid neuroprosthesis with a variable impedance knee mechanism (VIKM-HNP) for stair descent. Using a 16-channel percutaneous FNS system, a muscle activation pattern was synthesized to descend stairs with the VIKM-HNP in a step-by-step fashion. A finite state control system was implemented to deactivate knee extensor stimulation and utilize the VIKM-HNP to absorb energy and regulate descent speed. Feasibility testing was performed on one individual with complete thoracic-level SCI. Stair descent was achieved with maximum upper-limb forces of less than 45% body weight compared with previously reported value of 70% with FNS only. The experiments also provided insight into design requirements for future hybrid systems for stair navigation, the implications of which are discussed. PMID:25437932

  2. Dynamical Motor Control Learned with Deep Deterministic Policy Gradient

    PubMed Central

    2018-01-01

    Conventional models of motor control exploit the spatial representation of the controlled system to generate control commands. Typically, the control command is gained with the feedback state of a specific instant in time, which behaves like an optimal regulator or spatial filter to the feedback state. Yet, recent neuroscience studies found that the motor network may constitute an autonomous dynamical system and the temporal patterns of the control command can be contained in the dynamics of the motor network, that is, the dynamical system hypothesis (DSH). Inspired by these findings, here we propose a computational model that incorporates this neural mechanism, in which the control command could be unfolded from a dynamical controller whose initial state is specified with the task parameters. The model is trained in a trial-and-error manner in the framework of deep deterministic policy gradient (DDPG). The experimental results show that the dynamical controller successfully learns the control policy for arm reaching movements, while the analysis of the internal activities of the dynamical controller provides the computational evidence to the DSH of the neural coding in motor cortices. PMID:29666634

  3. Correlation Between Echodefecography and 3-Dimensional Vaginal Ultrasonography in the Detection of Perineal Descent in Women With Constipation Symptoms.

    PubMed

    Murad-Regadas, Sthela M; Pinheiro Regadas, Francisco Sergio; Rodrigues, Lusmar V; da Silva Vilarinho, Adjra; Buchen, Guilherme; Borges, Livia Olinda; Veras, Lara B; da Cruz, Mariana Murad

    2016-12-01

    Defecography is an established method of evaluating dynamic anorectal dysfunction, but conventional defecography does not allow for visualization of anatomic structures. The purpose of this study was to describe the use of dynamic 3-dimensional endovaginal ultrasonography for evaluating perineal descent in comparison with echodefecography (3-dimensional anorectal ultrasonography) and to study the relationship between perineal descent and symptoms and anatomic/functional abnormalities of the pelvic floor. This was a prospective study. The study was conducted at a large university tertiary care hospital. Consecutive female patients were eligible if they had pelvic floor dysfunction, obstructed defecation symptoms, and a score >6 on the Cleveland Clinic Florida Constipation Scale. Each patient underwent both echodefecography and dynamic 3-dimensional endovaginal ultrasonography to evaluate posterior pelvic floor dysfunction. Normal perineal descent was defined on echodefecography as puborectalis muscle displacement ≤2.5 cm; excessive perineal descent was defined as displacement >2.5 cm. Of 61 women, 29 (48%) had normal perineal descent; 32 (52%) had excessive perineal descent. Endovaginal ultrasonography identified 27 of the 29 patients in the normal group as having anorectal junction displacement ≤1 cm (mean = 0.6 cm; range, 0.1-1.0 cm) and a mean anorectal junction position of 0.6 cm (range, 0-2.3 cm) above the symphysis pubis during the Valsalva maneuver and correctly identified 30 of the 32 patients in the excessive perineal descent group. The κ statistic showed almost perfect agreement (κ = 0.86) between the 2 methods for categorization into the normal and excessive perineal descent groups. Perineal descent was not related to fecal or urinary incontinence or anatomic and functional factors (sphincter defects, pubovisceral muscle defects, levator hiatus area, grade II or III rectocele, intussusception, or anismus). The study did not include a

  4. Detection of an inhibitory cortical gradient underlying peak shift in learning: a neural basis for a false memory.

    PubMed

    Miasnikov, Alexandre A; Weinberger, Norman M

    2012-11-01

    Experience often does not produce veridical memory. Understanding false attribution of events constitutes an important problem in memory research. "Peak shift" is a well-characterized, controllable phenomenon in which human and animal subjects that receive reinforcement associated with one sensory stimulus later respond maximally to another stimulus in post-training stimulus generalization tests. Peak shift ordinarily develops in discrimination learning (reinforced CS+, unreinforced CS-) and has long been attributed to the interaction of an excitatory gradient centered on the CS+ and an inhibitory gradient centered on the CS-; the shift is away from the CS-. In contrast, we have obtained peak shifts during single tone frequency training, using stimulation of the cholinergic nucleus basalis (NB) to implant behavioral memory into the rat. As we also recorded cortical activity, we took the opportunity to investigate the possible existence of a neural frequency gradient that could account for behavioral peak shift. Behavioral frequency generalization gradients (FGGs, interruption of ongoing respiration) were determined twice before training while evoked potentials were recorded from the primary auditory cortex (A1), to obtain a baseline gradient of "habituatory" neural decrement. A post-training behavioral FGG obtained 24h after three daily sessions of a single tone paired with NB stimulation (200 trials/day) revealed a peak shift. The peak of the FGG was at a frequency lower than the CS while the cortical inhibitory gradient was at a frequency higher than the CS frequency. Further analysis indicated that the frequency location and magnitude of the gradient could account for the behavioral peak shift. These results provide a neural basis for a systematic case of memory misattribution and may provide an animal model for the study of the neural bases of a type of "false memory". Published by Elsevier Inc.

  5. Descent theory for semiorthogonal decompositions

    DOE Office of Scientific and Technical Information (OSTI.GOV)

    Elagin, Alexei D

    We put forward a method for constructing semiorthogonal decompositions of the derived category of G-equivariant sheaves on a variety X under the assumption that the derived category of sheaves on X admits a semiorthogonal decomposition with components preserved by the action of the group G on X. This method is used to obtain semiorthogonal decompositions of equivariant derived categories for projective bundles and blow-ups with a smooth centre as well as for varieties with a full exceptional collection preserved by the group action. Our main technical tool is descent theory for derived categories. Bibliography: 12 titles.

  6. A Convex Formulation for Learning a Shared Predictive Structure from Multiple Tasks

    PubMed Central

    Chen, Jianhui; Tang, Lei; Liu, Jun; Ye, Jieping

    2013-01-01

    In this paper, we consider the problem of learning from multiple related tasks for improved generalization performance by extracting their shared structures. The alternating structure optimization (ASO) algorithm, which couples all tasks using a shared feature representation, has been successfully applied in various multitask learning problems. However, ASO is nonconvex and the alternating algorithm only finds a local solution. We first present an improved ASO formulation (iASO) for multitask learning based on a new regularizer. We then convert iASO, a nonconvex formulation, into a relaxed convex one (rASO). Interestingly, our theoretical analysis reveals that rASO finds a globally optimal solution to its nonconvex counterpart iASO under certain conditions. rASO can be equivalently reformulated as a semidefinite program (SDP), which is, however, not scalable to large datasets. We propose to employ the block coordinate descent (BCD) method and the accelerated projected gradient (APG) algorithm separately to find the globally optimal solution to rASO; we also develop efficient algorithms for solving the key subproblems involved in BCD and APG. The experiments on the Yahoo webpages datasets and the Drosophila gene expression pattern images datasets demonstrate the effectiveness and efficiency of the proposed algorithms and confirm our theoretical analysis. PMID:23520249

  7. Smart-Divert Powered Descent Guidance to Avoid the Backshell Landing Dispersion Ellipse

    NASA Technical Reports Server (NTRS)

    Carson, John M.; Acikmese, Behcet

    2013-01-01

    A smart-divert capability has been added into the Powered Descent Guidance (PDG) software originally developed for Mars pinpoint and precision landing. The smart-divert algorithm accounts for the landing dispersions of the entry backshell, which separates from the lander vehicle at the end of the parachute descent phase and prior to powered descent. The smart-divert PDG algorithm utilizes the onboard fuel and vehicle thrust vectoring to mitigate landing error in an intelligent way: ensuring that the lander touches down with minimum- fuel usage at the minimum distance from the desired landing location that also avoids impact by the descending backshell. The smart-divert PDG software implements a computationally efficient, convex formulation of the powered-descent guidance problem to provide pinpoint or precision-landing guidance solutions that are fuel-optimal and satisfy physical thrust bound and pointing constraints, as well as position and speed constraints. The initial smart-divert implementation enforced a lateral-divert corridor parallel to the ground velocity vector; this was based on guidance requirements for MSL (Mars Science Laboratory) landings. This initial method was overly conservative since the divert corridor was infinite in the down-range direction despite the backshell landing inside a calculable dispersion ellipse. Basing the divert constraint instead on a local tangent to the backshell dispersion ellipse in the direction of the desired landing site provides a far less conservative constraint. The resulting enhanced smart-divert PDG algorithm avoids impact with the descending backshell and has reduced conservatism.

  8. A modified conjugate gradient coefficient with inexact line search for unconstrained optimization

    NASA Astrophysics Data System (ADS)

    Aini, Nurul; Rivaie, Mohd; Mamat, Mustafa

    2016-11-01

    Conjugate gradient (CG) method is a line search algorithm mostly known for its wide application in solving unconstrained optimization problems. Its low memory requirements and global convergence properties makes it one of the most preferred method in real life application such as in engineering and business. In this paper, we present a new CG method based on AMR* and CD method for solving unconstrained optimization functions. The resulting algorithm is proven to have both the sufficient descent and global convergence properties under inexact line search. Numerical tests are conducted to assess the effectiveness of the new method in comparison to some previous CG methods. The results obtained indicate that our method is indeed superior.

  9. Reversible cerebral vasoconstriction syndrome precipitated by airplane descent: Case report.

    PubMed

    Hiraga, Akiyuki; Aotsuka, Yuya; Koide, Kyosuke; Kuwabara, Satoshi

    2017-10-01

    Background Reversible cerebral vasoconstriction syndrome (RCVS) is characterized by segmental vasospasm. Vasoactive agents and childbirth have been reported as precipitating factors for RCVS; however, RCVS induced by altitude change or air travel has rarely been reported. Case We present a case of a 74-year-old woman who presented with thunderclap headache during airplane descent. Magnetic resonance angiography demonstrated segmental vasoconstriction that improved 9 days after onset. Conclusion These findings indicate that airplane descent may be a trigger of RCVS. The time course of headache in the present case was similar to that of prolonged headache attributed to airplane travel, indicating that RCVS during air travel may have previously been overlooked and that some headache attributed to airplane travel cases may represent a milder form of RCVS.

  10. Apollo LM guidance computer software for the final lunar descent.

    NASA Technical Reports Server (NTRS)

    Eyles, D.

    1973-01-01

    In all manned lunar landings to date, the lunar module Commander has taken partial manual control of the spacecraft during the final stage of the descent, below roughly 500 ft altitude. This report describes programs developed at the Charles Stark Draper Laboratory, MIT, for use in the LM's guidance computer during the final descent. At this time computational demands on the on-board computer are at a maximum, and particularly close interaction with the crew is necessary. The emphasis is on the design of the computer software rather than on justification of the particular guidance algorithms employed. After the computer and the mission have been introduced, the current configuration of the final landing programs and an advanced version developed experimentally by the author are described.

  11. Planning fuel-conservative descents with or without time constraints using a small programmable calculator: Algorithm development and flight test results

    NASA Technical Reports Server (NTRS)

    Knox, C. E.

    1983-01-01

    A simplified flight-management descent algorithm, programmed on a small programmable calculator, was developed and flight tested. It was designed to aid the pilot in planning and executing a fuel-conservative descent to arrive at a metering fix at a time designated by the air traffic control system. The algorithm may also be used for planning fuel-conservative descents when time is not a consideration. The descent path was calculated for a constant Mach/airspeed schedule from linear approximations of airplane performance with considerations given for gross weight, wind, and nonstandard temperature effects. The flight-management descent algorithm is described. The results of flight tests flown with a T-39A (Sabreliner) airplane are presented.

  12. Entry, Descent and Landing Systems Analysis: Exploration Class Simulation Overview and Results

    NASA Technical Reports Server (NTRS)

    DwyerCianciolo, Alicia M.; Davis, Jody L.; Shidner, Jeremy D.; Powell, Richard W.

    2010-01-01

    NASA senior management commissioned the Entry, Descent and Landing Systems Analysis (EDL-SA) Study in 2008 to identify and roadmap the Entry, Descent and Landing (EDL) technology investments that the agency needed to make in order to successfully land large payloads at Mars for both robotic and exploration or human-scale missions. The year one exploration class mission activity considered technologies capable of delivering a 40-mt payload. This paper provides an overview of the exploration class mission study, including technologies considered, models developed and initial simulation results from the EDL-SA year one effort.

  13. Barratt during Soyuz descent training in Service Module

    NASA Image and Video Library

    2009-07-06

    ISS020-E-017368 (6 July 2009) --- NASA astronaut Michael Barratt, Expedition 20 flight engineer, uses a computer at the TORU teleoperated control system in the Zvezda Service Module of the International Space Station while conducting Soyuz descent training to maintain proficiency on systems used for entry and landing in the Soyuz vehicle.

  14. Antarctic Polar Descent and Planetary Wave Activity Observed in ISAMS CO from April to July 1992

    NASA Technical Reports Server (NTRS)

    Allen, D. R.; Stanford, J. L.; Nakamura, N.; Lopez-Valverde, M. A.; Lopez-Puertas, M.; Taylor, F. W.; Remedios, J. J.

    2000-01-01

    Antarctic polar descent and planetary wave activity in the upper stratosphere and lower mesosphere are observed in ISAMS CO data from April to July 1992. CO-derived mean April-to-May upper stratosphere descent rates of 15 K/day (0.25 km/day) at 60 S and 20 K/day (0.33 km/day) at 80 S are compared with descent rates from diabatic trajectory analyses. At 60 S there is excellent agreement, while at 80 S the trajectory-derived descent is significantly larger in early April. Zonal wavenumber 1 enhancement of CO is observed on 9 and 28 May, coincident with enhanced wave 1 in UKMO geopotential height. The 9 May event extends from 40 to 70 km and shows westward phase tilt with height, while the 28 May event extends from 40 to 50 km and shows virtually no phase tilt with height.

  15. Gender differences of sagittal knee and ankle biomechanics during stair-to-ground descent transition.

    PubMed

    Hong, Yoon No Gregory; Shin, Choongsoo S

    2015-12-01

    Falls on stairs often result in severe injury and occur twice as frequently in women. However, gender differences in kinetics and kinematics during stair descent are unknown. Thus, this study aimed to determine whether gender differences of knee and ankle biomechanics exist in the sagittal plane during the stair-to-ground descending transition. It was hypothesized that 1) women would reveal higher ground-toe-trochanter angle and lower ground-toe length during stair-to-ground descent transition than men; and 2) women would reveal lower peak knee extension moment during stair-to-ground descent transition than men. Fifteen men and fifteen women were recruited and performed a stair descent activity. Kinetic and kinematic data were obtained using a force plate and motion capture system. The women performed the stair descent with a lower peak knee extension moment and a peak knee power at the early weight acceptance phase. The women also revealed a higher ground-toe-trochanter angle and a lower ground-toe length, which indicated a more forward position of the lower extremity relative to the toe contact point at both the initial contact and at the time of peak kinematic and kinetic events. This study found that knee and ankle kinematics and kinetics differed significantly between the genders due to differences in ground-toe-trochanter angle. Women have a different stair descending strategy that reduces the demand of the lower extremity muscle function, but this strategy seems to increase the risk of falls. Copyright © 2015 Elsevier Ltd. All rights reserved.

  16. Cascade Error Projection: A Learning Algorithm for Hardware Implementation

    NASA Technical Reports Server (NTRS)

    Duong, Tuan A.; Daud, Taher

    1996-01-01

    In this paper, we workout a detailed mathematical analysis for a new learning algorithm termed Cascade Error Projection (CEP) and a general learning frame work. This frame work can be used to obtain the cascade correlation learning algorithm by choosing a particular set of parameters. Furthermore, CEP learning algorithm is operated only on one layer, whereas the other set of weights can be calculated deterministically. In association with the dynamical stepsize change concept to convert the weight update from infinite space into a finite space, the relation between the current stepsize and the previous energy level is also given and the estimation procedure for optimal stepsize is used for validation of our proposed technique. The weight values of zero are used for starting the learning for every layer, and a single hidden unit is applied instead of using a pool of candidate hidden units similar to cascade correlation scheme. Therefore, simplicity in hardware implementation is also obtained. Furthermore, this analysis allows us to select from other methods (such as the conjugate gradient descent or the Newton's second order) one of which will be a good candidate for the learning technique. The choice of learning technique depends on the constraints of the problem (e.g., speed, performance, and hardware implementation); one technique may be more suitable than others. Moreover, for a discrete weight space, the theoretical analysis presents the capability of learning with limited weight quantization. Finally, 5- to 8-bit parity and chaotic time series prediction problems are investigated; the simulation results demonstrate that 4-bit or more weight quantization is sufficient for learning neural network using CEP. In addition, it is demonstrated that this technique is able to compensate for less bit weight resolution by incorporating additional hidden units. However, generation result may suffer somewhat with lower bit weight quantization.

  17. Women of African Descent: Persistence in Completing Doctorates

    ERIC Educational Resources Information Center

    Iddrisu, Vannetta Bailey

    2010-01-01

    This study examines the educational persistence of women of African descent (WOAD) in pursuit of a doctorate degree at universities in the southeastern United States. WOAD are women of African ancestry born outside the African continent. These women are heirs to an inner dogged determination and spirit to survive despite all odds (Pulliam, 2003,…

  18. Advances in POST2 End-to-End Descent and Landing Simulation for the ALHAT Project

    NASA Technical Reports Server (NTRS)

    Davis, Jody L.; Striepe, Scott A.; Maddock, Robert W.; Hines, Glenn D.; Paschall, Stephen, II; Cohanim, Babak E.; Fill, Thomas; Johnson, Michael C.; Bishop, Robert H.; DeMars, Kyle J.; hide

    2008-01-01

    Program to Optimize Simulated Trajectories II (POST2) is used as a basis for an end-to-end descent and landing trajectory simulation that is essential in determining design and integration capability and system performance of the lunar descent and landing system and environment models for the Autonomous Landing and Hazard Avoidance Technology (ALHAT) project. The POST2 simulation provides a six degree-of-freedom capability necessary to test, design and operate a descent and landing system for successful lunar landing. This paper presents advances in the development and model-implementation of the POST2 simulation, as well as preliminary system performance analysis, used for the testing and evaluation of ALHAT project system models.

  19. Planning fuel-conservative descents with or without time constraints using a small programmable calculator: algorithm development and flight test results

    DOE Office of Scientific and Technical Information (OSTI.GOV)

    Knox, C.E.

    A simplified flight-management descent algorithm, programmed on a small programmable calculator, was developed and flight tested. It was designed to aid the pilot in planning and executing a fuel-conservative descent to arrive at a metering fix at a time designated by the air traffic control system. The algorithm may also be used for planning fuel-conservative descents when time is not a consideration. The descent path was calculated for a constant Mach/airspeed schedule from linear approximations of airplane performance with considerations given for gross weight, wind, and nonstandard temperature effects. The flight-management descent algorithm is described. The results of flight testsmore » flown with a T-39A (Sabreliner) airplane are presented.« less

  20. Cancer patterns among children of Turkish descent in Germany: A study at the German Childhood Cancer Registry

    PubMed Central

    Spallek, Jacob; Spix, Claudia; Zeeb, Hajo; Kaatsch, Peter; Razum, Oliver

    2008-01-01

    Background Cancer risks of migrants might differ from risks of the indigenous population due to differences in socioeconomic status, life style, or genetic factors. The aim of this study was to investigate cancer patterns among children of Turkish descent in Germany. Methods We identified cases with Turkish names (as a proxy of Turkish descent) among the 37,259 cases of childhood cancer registered in the German Childhood Cancer Registry (GCCR) during 1980–2005. As it is not possible to obtain reference population data for children of Turkish descent, the distribution of cancer diagnoses was compared between cases of Turkish descent and all remaining (mainly German) cases in the registry, using proportional cancer incidence ratios (PCIRs). Results The overall distribution of cancer diagnoses was similar in the two groups. The PCIRs in three diagnosis groups were increased for cases of Turkish descent: acute non-lymphocytic leukaemia (PCIR 1.23; CI (95%) 1.02–1.47), Hodgkin's disease (1.34; 1.13–1.59) and Non-Hodgkin/Burkitt lymphoma (1.19; 1.02–1.39). Age, sex, and period of diagnosis showed no influence on the distribution of diagnoses. Conclusion No major differences were found in cancer patterns among cases of Turkish descent compared to all other cases in the GCCR. Slightly higher proportions of systemic malignant diseases indicate that analytical studies involving migrants may help investigating the causes of such cancers. PMID:18462495

  1. African Descent and Glaucoma Evaluation Study (ADAGES)

    PubMed Central

    Girkin, Christopher A.; Sample, Pamela A.; Liebmann, Jeffrey M.; Jain, Sonia; Bowd, Christopher; Becerra, Lida M.; Medeiros, Felipe A.; Racette, Lyne; Dirkes, Keri A.; Weinreb, Robert N.; Zangwill, Linda M.

    2010-01-01

    Objective To define differences in optic disc, retinal nerve fiber layer, and macular structure between healthy participants of African (AD) and European descent (ED) using quantitative imaging techniques in the African Descent and Glaucoma Evaluation Study (ADAGES). Methods Reliable images were obtained using stereoscopic photography, confocal scanning laser ophthalmoscopy (Heidelberg retina tomography [HRT]), and optical coherence tomography (OCT) for 648 healthy subjects in ADAGES. Findings were compared and adjusted for age, optic disc area, and reference plane height where appropriate. Results The AD participants had significantly greater optic disc area on HRT (2.06 mm2; P<.001) and OCT (2.47 mm2; P<.001) and a deeper HRT cup depth than the ED group (P<.001). Retinal nerve fiber layer thickness was greater in the AD group except within the temporal region, where it was significantly thinner. Central macular thickness and volume were less in the AD group. Conclusions Most of the variations in optic nerve morphologic characteristics between the AD and ED groups are due to differences in disc area. However, differences remain in HRT cup depth, OCT macular thickness and volume, and OCT retinal nerve fiber layer thickness independent of these variables. These differences should be considered in the determination of disease status. PMID:20457974

  2. Is prenatal urethral descent a risk factor for urinary incontinence during pregnancy and the postpartum period?

    PubMed

    Pizzoferrato, Anne-Cécile; Fauconnier, Arnaud; Bader, Georges; de Tayrac, Renaud; Fort, Julie; Fritel, Xavier

    2016-07-01

    Obstetric trauma during childbirth is considered a major risk factor for postpartum urinary incontinence (UI), particularly stress urinary incontinence. Our aim was to investigate the relation between postpartum UI, mode of delivery, and urethral descent, and to define a group of women who are particularly at risk of postnatal UI. A total of 186 women were included their first pregnancy. Validated questionnaires about urinary symptoms during pregnancy, 2 and 12 months after delivery, were administered. Urethral descent was assessed clinically and by ultrasound at inclusion. Multivariate logistic regression analysis was used to determine the risk factors for UI during pregnancy, at 2 months and 1 year after first delivery. The prevalence of UI was 38.6, 46.5, 35.6, and 34.4 % at inclusion, late pregnancy, 2 months postpartum, and 1 year postpartum respectively. No significant association was found between UI at late pregnancy and urethral descent assessed clinically or by ultrasound. The only risk factor for UI at 2 months postpartum was UI at inclusion (OR 6.27 [95 % CI 2.70-14.6]). The risk factors for UI at 1 year postpartum were UI at inclusion (6.14 [2.22-16.9]), body mass index (BMI), and urethral descent at inclusion, assessed clinically (7.21 [2.20-23.7]) or by ultrasound. The mode of delivery was not associated with urethral descent. Prenatal urethral descent and UI during pregnancy are risk factors for UI at 1 year postpartum. These results indicate that postnatal UI is more strongly influenced by susceptibility factors existing before first delivery than by the mode of delivery.

  3. Mars Science Laboratory Entry, Descent, and Landing Trajectory and Atmosphere Reconstruction

    NASA Technical Reports Server (NTRS)

    Karlgaard, Christopher D.; Kutty, Prasad; Schoenenberer, Mark; Shidner, Jeremy D.

    2013-01-01

    On August 5th 2012, The Mars Science Laboratory entry vehicle successfully entered Mars atmosphere and landed the Curiosity rover on its surface. A Kalman filter approach has been implemented to reconstruct the entry, descent, and landing trajectory based on all available data. The data sources considered in the Kalman filtering approach include the inertial measurement unit accelerations and angular rates, the terrain descent sensor, the measured landing site, orbit determination solutions for the initial conditions, and a new set of instrumentation for planetary entry reconstruction consisting of forebody pressure sensors, known as the Mars Entry Atmospheric Data System. These pressure measurements are unique for planetary entry, descent, and landing reconstruction as they enable a reconstruction of the freestream atmospheric conditions without any prior assumptions being made on the vehicle aerodynamics. Moreover, the processing of these pressure measurements in the Kalman filter approach enables the identification of atmospheric winds, which has not been accomplished in past planetary entry reconstructions. This separation of atmosphere and aerodynamics allows for aerodynamic model reconciliation and uncertainty quantification, which directly impacts future missions. This paper describes the mathematical formulation of the Kalman filtering approach, a summary of data sources and preprocessing activities, and results of the reconstruction.

  4. Local flow management/profile descent algorithm. Fuel-efficient, time-controlled profiles for the NASA TSRV airplane

    NASA Technical Reports Server (NTRS)

    Groce, J. L.; Izumi, K. H.; Markham, C. H.; Schwab, R. W.; Thompson, J. L.

    1986-01-01

    The Local Flow Management/Profile Descent (LFM/PD) algorithm designed for the NASA Transport System Research Vehicle program is described. The algorithm provides fuel-efficient altitude and airspeed profiles consistent with ATC restrictions in a time-based metering environment over a fixed ground track. The model design constraints include accommodation of both published profile descent procedures and unpublished profile descents, incorporation of fuel efficiency as a flight profile criterion, operation within the performance capabilities of the Boeing 737-100 airplane with JT8D-7 engines, and conformity to standard air traffic navigation and control procedures. Holding and path stretching capabilities are included for long delay situations.

  5. Designing Feature and Data Parallel Stochastic Coordinate Descent Method forMatrix and Tensor Factorization

    DTIC Science & Technology

    2016-05-11

    AFRL-AFOSR-JP-TR-2016-0046 Designing Feature and Data Parallel Stochastic Coordinate Descent Method for Matrix and Tensor Factorization U Kang Korea...maintaining the data needed, and completing and reviewing the collection of information. Send comments regarding this burden estimate or   any other aspect...Designing Feature and Data Parallel Stochastic Coordinate Descent Method for Matrix and Tensor Factorization 5a.  CONTRACT NUMBER 5b.  GRANT NUMBER FA2386

  6. Integrating Powered Descent Vehicle with Back Shell of Mars Spacecraft

    NASA Image and Video Library

    2011-11-10

    The powered descent vehicle of NASA Mars Science Laboratory spacecraft is being prepared for final integration into the spacecraft back shell in this photograph from inside the Payload Hazardous Servicing Facility at NASA Kennedy Space Center, Fla.

  7. Men of African Descent and Carcinoma of the Prostate Consortium

    Cancer.gov

    The Men of African Descent and Carcinoma of the Prostate Consortium collaborates on epidemiologic studies to address the high burden of prostate cancer and to understand the causes of etiology and outcomes among men of African ancestry.

  8. Energy minimization in medical image analysis: Methodologies and applications.

    PubMed

    Zhao, Feng; Xie, Xianghua

    2016-02-01

    Energy minimization is of particular interest in medical image analysis. In the past two decades, a variety of optimization schemes have been developed. In this paper, we present a comprehensive survey of the state-of-the-art optimization approaches. These algorithms are mainly classified into two categories: continuous method and discrete method. The former includes Newton-Raphson method, gradient descent method, conjugate gradient method, proximal gradient method, coordinate descent method, and genetic algorithm-based method, while the latter covers graph cuts method, belief propagation method, tree-reweighted message passing method, linear programming method, maximum margin learning method, simulated annealing method, and iterated conditional modes method. We also discuss the minimal surface method, primal-dual method, and the multi-objective optimization method. In addition, we review several comparative studies that evaluate the performance of different minimization techniques in terms of accuracy, efficiency, or complexity. These optimization techniques are widely used in many medical applications, for example, image segmentation, registration, reconstruction, motion tracking, and compressed sensing. We thus give an overview on those applications as well. Copyright © 2015 John Wiley & Sons, Ltd.

  9. Spread of cattle led to the loss of matrilineal descent in Africa: a coevolutionary analysis.

    PubMed Central

    Holden, Clare Janaki; Mace, Ruth

    2003-01-01

    Matrilineal descent is rare in human societies that keep large livestock. However, this negative correlation does not provide reliable evidence that livestock and descent rules are functionally related, because human cultures are not statistically independent owing to their historical relationships (Galton's problem). We tested the hypothesis that when matrilineal cultures acquire cattle they become patrilineal using a sample of 68 Bantu- and Bantoid-speaking populations from sub-Saharan Africa. We used a phylogenetic comparative method to control for Galton's problem, and a maximum-parsimony Bantu language tree as a model of population history. We tested for coevolution between cattle and descent. We also tested the direction of cultural evolution--were cattle acquired before matriliny was lost? The results support the hypothesis that acquiring cattle led formerly matrilineal Bantu-speaking cultures to change to patrilineal or mixed descent. We discuss possible reasons for matriliny's association with horticulture and its rarity in pastoralist societies. We outline the daughter-biased parental investment hypothesis for matriliny, which is supported by data on sex, wealth and reproductive success from two African societies, the matrilineal Chewa in Malawi and the patrilineal Gabbra in Kenya. PMID:14667331

  10. Airborne Management of Traffic Conflicts in Descent With Arrival Constraints

    NASA Technical Reports Server (NTRS)

    Doble, Nathan A.; Barhydt, Richard; Krishnamurthy, Karthik

    2005-01-01

    NASA is studying far-term air traffic management concepts that may increase operational efficiency through a redistribution of decisionmaking authority among airborne and ground-based elements of the air transportation system. One component of this research, En Route Free Maneuvering, allows trained pilots of equipped autonomous aircraft to assume responsibility for traffic separation. Ground-based air traffic controllers would continue to separate traffic unequipped for autonomous operations and would issue flow management constraints to all aircraft. To evaluate En Route Free Maneuvering operations, a human-in-the-loop experiment was jointly conducted by the NASA Ames and Langley Research Centers. In this experiment, test subject pilots used desktop flight simulators to resolve conflicts in cruise and descent, and to adhere to air traffic flow constraints issued by test subject controllers. Simulators at NASA Langley were equipped with a prototype Autonomous Operations Planner (AOP) flight deck toolset to assist pilots with conflict management and constraint compliance tasks. Results from the experiment are presented, focusing specifically on operations during the initial descent into the terminal area. Airborne conflict resolution performance in descent, conformance to traffic flow management constraints, and the effects of conflicting traffic on constraint conformance are all presented. Subjective data from subject pilots are also presented, showing perceived levels of workload, safety, and acceptability of autonomous arrival operations. Finally, potential AOP functionality enhancements are discussed along with suggestions to improve arrival procedures.

  11. Democratic population decisions result in robust policy-gradient learning: a parametric study with GPU simulations.

    PubMed

    Richmond, Paul; Buesing, Lars; Giugliano, Michele; Vasilaki, Eleni

    2011-05-04

    High performance computing on the Graphics Processing Unit (GPU) is an emerging field driven by the promise of high computational power at a low cost. However, GPU programming is a non-trivial task and moreover architectural limitations raise the question of whether investing effort in this direction may be worthwhile. In this work, we use GPU programming to simulate a two-layer network of Integrate-and-Fire neurons with varying degrees of recurrent connectivity and investigate its ability to learn a simplified navigation task using a policy-gradient learning rule stemming from Reinforcement Learning. The purpose of this paper is twofold. First, we want to support the use of GPUs in the field of Computational Neuroscience. Second, using GPU computing power, we investigate the conditions under which the said architecture and learning rule demonstrate best performance. Our work indicates that networks featuring strong Mexican-Hat-shaped recurrent connections in the top layer, where decision making is governed by the formation of a stable activity bump in the neural population (a "non-democratic" mechanism), achieve mediocre learning results at best. In absence of recurrent connections, where all neurons "vote" independently ("democratic") for a decision via population vector readout, the task is generally learned better and more robustly. Our study would have been extremely difficult on a desktop computer without the use of GPU programming. We present the routines developed for this purpose and show that a speed improvement of 5x up to 42x is provided versus optimised Python code. The higher speed is achieved when we exploit the parallelism of the GPU in the search of learning parameters. This suggests that efficient GPU programming can significantly reduce the time needed for simulating networks of spiking neurons, particularly when multiple parameter configurations are investigated.

  12. Democratic Population Decisions Result in Robust Policy-Gradient Learning: A Parametric Study with GPU Simulations

    PubMed Central

    Richmond, Paul; Buesing, Lars; Giugliano, Michele; Vasilaki, Eleni

    2011-01-01

    High performance computing on the Graphics Processing Unit (GPU) is an emerging field driven by the promise of high computational power at a low cost. However, GPU programming is a non-trivial task and moreover architectural limitations raise the question of whether investing effort in this direction may be worthwhile. In this work, we use GPU programming to simulate a two-layer network of Integrate-and-Fire neurons with varying degrees of recurrent connectivity and investigate its ability to learn a simplified navigation task using a policy-gradient learning rule stemming from Reinforcement Learning. The purpose of this paper is twofold. First, we want to support the use of GPUs in the field of Computational Neuroscience. Second, using GPU computing power, we investigate the conditions under which the said architecture and learning rule demonstrate best performance. Our work indicates that networks featuring strong Mexican-Hat-shaped recurrent connections in the top layer, where decision making is governed by the formation of a stable activity bump in the neural population (a “non-democratic” mechanism), achieve mediocre learning results at best. In absence of recurrent connections, where all neurons “vote” independently (“democratic”) for a decision via population vector readout, the task is generally learned better and more robustly. Our study would have been extremely difficult on a desktop computer without the use of GPU programming. We present the routines developed for this purpose and show that a speed improvement of 5x up to 42x is provided versus optimised Python code. The higher speed is achieved when we exploit the parallelism of the GPU in the search of learning parameters. This suggests that efficient GPU programming can significantly reduce the time needed for simulating networks of spiking neurons, particularly when multiple parameter configurations are investigated. PMID:21572529

  13. Mars Science Laboratory Entry, Descent and Landing System Development Challenges and Preliminary Flight Performance

    NASA Technical Reports Server (NTRS)

    Steltzner, Adam D.; San Martin, A. Miguel; Rivellini, Tommaso P.

    2013-01-01

    The Mars Science Laboratory project recently landed the Curiosity rover on the surface of Mars. With the success of the landing system, the performance envelope of entry, descent, and landing capabilities has been extended over the previous state of the art. This paper will present an overview of the MSL entry, descent, and landing system, a discussion of a subset of its development challenges, and include a discussion of preliminary results of the flight reconstruction effort.

  14. "Rosetta" Mission's "7 Hours of Terror" and "Philae's" Descent

    ERIC Educational Resources Information Center

    Blanco, Philip

    2015-01-01

    In November 2014 the "Rosetta" mission to Comet 67P/Churyumov-Gerasimenko made the headlines when its "Philae" lander completed a successful unpowered descent onto the surface of the comet nucleus after "7 hours of terror" for the mission scientists. 67P's irregular shape and rotation made this task even more…

  15. Controller evaluations of the descent advisor automation aid

    NASA Technical Reports Server (NTRS)

    Tobias, Leonard; Volckers, Uwe; Erzberger, Heinz

    1989-01-01

    An automation aid to assist air traffic controllers in efficiently spacing traffic and meeting arrival times at a fix has been developed at NASA Ames Research Center. The automation aid, referred to as the descent advisor (DA), is based on accurate models of aircraft performance and weather conditions. The DA generates suggested clearances, including both top-of-descent point and speed profile data, for one or more aircraft in order to achieve specific time or distance separation objectives. The DA algorithm is interfaced with a mouse-based, menu-driven controller display that allows the air traffic controller to interactively use its accurate predictive capability to resolve conflicts and issue advisories to arrival aircraft. This paper focuses on operational issues concerning the utilization of the DA, specifically, how the DA can be used for prediction, intrail spacing, and metering. In order to evaluate the DA, a real time simulation was conducted using both current and retired controller subjects. Controllers operated in teams of two, as they do in the present environment; issues of training and team interaction will be discussed. Evaluations by controllers indicated considerable enthusiasm for the DA aid, and provided specific recommendations for using the tool effectively.

  16. 2007 Mars Phoenix Entry, Descent, and Landing Simulation and Modeling Analysis

    NASA Technical Reports Server (NTRS)

    Prince, Jill L.; Grover, Myron R.; Desai, Prasun N.; Queen, Eric M.

    2007-01-01

    This viewgraph presentation reviews the entry, descent, and landing of the 2007 Mars Phoenix lander. Aerodynamics characteristics along with Monte Carlo analyses are also presented for launch and landing site opportunities.

  17. Mars Exploration Rover Entry, Descent, and Landing: A Thermal Perspective

    NASA Technical Reports Server (NTRS)

    Tsuyuki, Glenn T.; Sunada, Eric T.; Novak, Keith S.; Kinsella, Gary M.; Phillip, Charles J.

    2005-01-01

    Perhaps the most challenging mission phase for the Mars Exploration Rovers was the Entry, Descent, and Landing (EDL). During this phase, the entry vehicle attached to its cruise stage was transformed into a stowed tetrahedral Lander that was surrounded by inflated airbags through a series of complex events. There was only one opportunity to successfully execute an automated command sequence without any possible ground intervention. The success of EDL was reliant upon the system thermal design: 1) to thermally condition EDL hardware from cruise storage temperatures to operating temperature ranges; 2) to maintain the Rover electronics within operating temperature ranges without the benefit of the cruise single phase cooling loop, which had been evacuated in preparation for EDL; and 3) to maintain the cruise stage propulsion components for the critical turn to entry attitude. Since the EDL architecture was inherited from Mars Pathfinder (MPF), the initial EDL thermal design would be inherited from MPF. However, hardware and implementation differences from MPF ultimately changed the MPF inheritance approach for the EDL thermal design. With the lack of full inheritance, the verification and validation of the EDL thermal design took on increased significance. This paper will summarize the verification and validation approach for the EDL thermal design along with applicable system level thermal testing results as well as appropriate thermal analyses. In addition, the lessons learned during the system-level testing will be discussed. Finally, the in-flight EDL experiences of both MER-A and -B missions (Spirit and Opportunity, respectively) will be presented, demonstrated how lessons learned from Spirit were applied to Opportunity.

  18. The Role of la Familia for Women of Mexican Descent Who Are Leaders in Higher Education

    ERIC Educational Resources Information Center

    Elizondo, Sandra Gray

    2012-01-01

    The purpose of this qualitative case study was to describe the role of "la familia" for women of Mexican descent as it relates to their development as leaders and their leadership in academia. Purposeful sampling was utilized to reach the goal of 18 participants who were female academic leaders of Mexican descent teaching full time in…

  19. Gradient language dominance affects talker learning.

    PubMed

    Bregman, Micah R; Creel, Sarah C

    2014-01-01

    Traditional conceptions of spoken language assume that speech recognition and talker identification are computed separately. Neuropsychological and neuroimaging studies imply some separation between the two faculties, but recent perceptual studies suggest better talker recognition in familiar languages than unfamiliar languages. A familiar-language benefit in talker recognition potentially implies strong ties between the two domains. However, little is known about the nature of this language familiarity effect. The current study investigated the relationship between speech and talker processing by assessing bilingual and monolingual listeners' ability to learn voices as a function of language familiarity and age of acquisition. Two effects emerged. First, bilinguals learned to recognize talkers in their first language (Korean) more rapidly than they learned to recognize talkers in their second language (English), while English-speaking participants showed the opposite pattern (learning English talkers faster than Korean talkers). Second, bilinguals' learning rate for talkers in their second language (English) correlated with age of English acquisition. Taken together, these results suggest that language background materially affects talker encoding, implying a tight relationship between speech and talker representations. Copyright © 2013 Elsevier B.V. All rights reserved.

  20. RES: Regularized Stochastic BFGS Algorithm

    NASA Astrophysics Data System (ADS)

    Mokhtari, Aryan; Ribeiro, Alejandro

    2014-12-01

    RES, a regularized stochastic version of the Broyden-Fletcher-Goldfarb-Shanno (BFGS) quasi-Newton method is proposed to solve convex optimization problems with stochastic objectives. The use of stochastic gradient descent algorithms is widespread, but the number of iterations required to approximate optimal arguments can be prohibitive in high dimensional problems. Application of second order methods, on the other hand, is impracticable because computation of objective function Hessian inverses incurs excessive computational cost. BFGS modifies gradient descent by introducing a Hessian approximation matrix computed from finite gradient differences. RES utilizes stochastic gradients in lieu of deterministic gradients for both, the determination of descent directions and the approximation of the objective function's curvature. Since stochastic gradients can be computed at manageable computational cost RES is realizable and retains the convergence rate advantages of its deterministic counterparts. Convergence results show that lower and upper bounds on the Hessian egeinvalues of the sample functions are sufficient to guarantee convergence to optimal arguments. Numerical experiments showcase reductions in convergence time relative to stochastic gradient descent algorithms and non-regularized stochastic versions of BFGS. An application of RES to the implementation of support vector machines is developed.

  1. Research on particle swarm optimization algorithm based on optimal movement probability

    NASA Astrophysics Data System (ADS)

    Ma, Jianhong; Zhang, Han; He, Baofeng

    2017-01-01

    The particle swarm optimization algorithm to improve the control precision, and has great application value training neural network and fuzzy system control fields etc.The traditional particle swarm algorithm is used for the training of feed forward neural networks,the search efficiency is low, and easy to fall into local convergence.An improved particle swarm optimization algorithm is proposed based on error back propagation gradient descent. Particle swarm optimization for Solving Least Squares Problems to meme group, the particles in the fitness ranking, optimization problem of the overall consideration, the error back propagation gradient descent training BP neural network, particle to update the velocity and position according to their individual optimal and global optimization, make the particles more to the social optimal learning and less to its optimal learning, it can avoid the particles fall into local optimum, by using gradient information can accelerate the PSO local search ability, improve the multi beam particle swarm depth zero less trajectory information search efficiency, the realization of improved particle swarm optimization algorithm. Simulation results show that the algorithm in the initial stage of rapid convergence to the global optimal solution can be near to the global optimal solution and keep close to the trend, the algorithm has faster convergence speed and search performance in the same running time, it can improve the convergence speed of the algorithm, especially the later search efficiency.

  2. A Wind Tunnel Study on the Mars Pathfinder (MPF) Lander Descent Pressure Sensor

    NASA Technical Reports Server (NTRS)

    Soriano, J. Francisco; Coquilla, Rachael V.; Wilson, Gregory R.; Seiff, Alvin; Rivell, Tomas

    2001-01-01

    The primary focus of this study was to determine the accuracy of the Mars Pathfinder lander local pressure readings in accordance with the actual ambient atmospheric pressures of Mars during parachute descent. In order to obtain good measurements, the plane of the lander pressure sensor opening should ideally be situated so that it is parallel to the freestream. However, due to two unfavorable conditions, the sensor was positioned in locations where correction factors are required. One of these disadvantages is due to the fact that the parachute attachment point rotated the lander's center of gravity forcing the location of the pressure sensor opening to be off tangent to the freestream. The second and most troublesome factor was that the lander descends with slight oscillations that could vary the amplitude of the sensor readings. In order to accurately map the correction factors required at each sensor position, an experiment simulating the lander descent was conducted in the Martian Surface Wind Tunnel at NASA Ames Research Center. Using a 115 scale model at Earth ambient pressures, the test settings provided the necessary Reynolds number conditions in which the actual lander was possibly subjected to during the descent. In the analysis and results of this experiment, the readings from the lander sensor were converted to the form of pressure coefficients. With a contour map of pressure coefficients at each lander oscillatory position, this report will provide a guideline to determine the correction factors required for the Mars Pathfinder lander descent pressure sensor readings.

  3. Involvement of Fibroblast Growth Factors and Their Receptors in Epididymo-Testicular Descent and Maldescent

    PubMed Central

    Hadziselimovic, Faruk

    2016-01-01

    Maldescent of the epididymo-testicular unit can occur as an isolated event or as a component of various syndromes. When part of a syndrome, crypto-epididymis is usually accompanied by other genital and/or extragenital features. Epididymis development is primarily regulated by androgens, and successful epididymo-testicular unit development and descent requires an intact hypothalamic-pituitary-gonadal axis. The developing gonadotropin-releasing hormone system is essential for epididymo-testicular descent and is highly sensitive to reduced fibroblast growth factor (FGF) signaling. Our understanding of the impact of FGFR1 in the process of epididymo-testicular descent has recently improved. At later stages of embryonic development, the undifferentiated epididymal mesenchyme is a specific domain for FGFR1 expression. The majority of individuals with syndromic crypto-epididymis, as well as individuals with isolated maldescent of the epididymo-testicular unit, exhibit some disturbance of FGF, FGFR1 and/or genes involved in hypothalamic-pituitary-gonadal axis regulation. However, the mechanisms underlying FGF dysregulation may differ between various syndromes. PMID:27022326

  4. Involvement of Fibroblast Growth Factors and Their Receptors in Epididymo-Testicular Descent and Maldescent.

    PubMed

    Hadziselimovic, Faruk

    2016-02-01

    Maldescent of the epididymo-testicular unit can occur as an isolated event or as a component of various syndromes. When part of a syndrome, crypto-epididymis is usually accompanied by other genital and/or extragenital features. Epididymis development is primarily regulated by androgens, and successful epididymo-testicular unit development and descent requires an intact hypothalamic-pituitary-gonadal axis. The developing gonadotropin-releasing hormone system is essential for epididymo-testicular descent and is highly sensitive to reduced fibroblast growth factor (FGF) signaling. Our understanding of the impact of FGFR1 in the process of epididymo-testicular descent has recently improved. At later stages of embryonic development, the undifferentiated epididymal mesenchyme is a specific domain for FGFR1 expression. The majority of individuals with syndromic crypto-epididymis, as well as individuals with isolated maldescent of the epididymo-testicular unit, exhibit some disturbance of FGF, FGFR1 and/or genes involved in hypothalamic-pituitary-gonadal axis regulation. However, the mechanisms underlying FGF dysregulation may differ between various syndromes.

  5. The relief formed by the descent phenomenon in the north-east part of Kosova.

    PubMed

    Bulliqi, Shpejtim; Isufi, Florim; Ramadani, Ibrahim; Gashi, Gani

    2012-04-01

    In the diverse relief of north-east part of Kosova a relatively wide range occupies the relief modelled by the descent phenomenon, which is conditioned by morph-structural and climatic factors quite suitable for their development. The morphogenesis activity of descent phenomenon is conditioned by the types of rocks, tectonic process of this region and climatic conditions. These factors condition horizontal and vertical relief fragmentation, slope, especially in Gollaku mountains and in SE part of Kopaonik mountain. Along the tectonic descents, the steepness is detaching and the detaching lines consisting of magmatic rocks show overthrows, demolitions and stony torrents, but the Teri gene composition formations are modelled by sliding and muddy torrents, depending upon the presence of clayey and alevrolite belts on these Teri gene ones. The impact of factors and conditions on the relief of this part, the phenomena like demolitions, overthrows, sliding, muddy torrents, stony torrents, etc, operate here, which play an important morphological role in the modelling of relief.

  6. System for Estimating Horizontal Velocity During Descent

    NASA Technical Reports Server (NTRS)

    Johnson, Andrew; Cheng, Yang; Wilson, Reg; Goguen, Jay; Martin, Alejandro San; Leger, Chris; Matthies, Larry

    2007-01-01

    The descent image motion estimation system (DIMES) is a system of hardware and software, designed for original use in estimating the horizontal velocity of a spacecraft descending toward a landing on Mars. The estimated horizontal velocity is used in generating rocket-firing commands to reduce the horizontal velocity as part of an overall control scheme to minimize the landing impact. DIMES can also be used for estimating the horizontal velocity of a remotely controlled or autonomous aircraft for purposes of navigation and control.

  7. Mars Exploration Rover Terminal Descent Mission Modeling and Simulation

    NASA Technical Reports Server (NTRS)

    Raiszadeh, Behzad; Queen, Eric M.

    2004-01-01

    Because of NASA's added reliance on simulation for successful interplanetary missions, the MER mission has developed a detailed EDL trajectory modeling and simulation. This paper summarizes how the MER EDL sequence of events are modeled, verification of the methods used, and the inputs. This simulation is built upon a multibody parachute trajectory simulation tool that has been developed in POST I1 that accurately simulates the trajectory of multiple vehicles in flight with interacting forces. In this model the parachute and the suspended bodies are treated as 6 Degree-of-Freedom (6 DOF) bodies. The terminal descent phase of the mission consists of several Entry, Descent, Landing (EDL) events, such as parachute deployment, heatshield separation, deployment of the lander from the backshell, deployment of the airbags, RAD firings, TIRS firings, etc. For an accurate, reliable simulation these events need to be modeled seamlessly and robustly so that the simulations will remain numerically stable during Monte-Carlo simulations. This paper also summarizes how the events have been modeled, the numerical issues, and modeling challenges.

  8. Non-homogeneous updates for the iterative coordinate descent algorithm

    NASA Astrophysics Data System (ADS)

    Yu, Zhou; Thibault, Jean-Baptiste; Bouman, Charles A.; Sauer, Ken D.; Hsieh, Jiang

    2007-02-01

    Statistical reconstruction methods show great promise for improving resolution, and reducing noise and artifacts in helical X-ray CT. In fact, statistical reconstruction seems to be particularly valuable in maintaining reconstructed image quality when the dosage is low and the noise is therefore high. However, high computational cost and long reconstruction times remain as a barrier to the use of statistical reconstruction in practical applications. Among the various iterative methods that have been studied for statistical reconstruction, iterative coordinate descent (ICD) has been found to have relatively low overall computational requirements due to its fast convergence. This paper presents a novel method for further speeding the convergence of the ICD algorithm, and therefore reducing the overall reconstruction time for statistical reconstruction. The method, which we call nonhomogeneous iterative coordinate descent (NH-ICD) uses spatially non-homogeneous updates to speed convergence by focusing computation where it is most needed. Experimental results with real data indicate that the method speeds reconstruction by roughly a factor of two for typical 3D multi-slice geometries.

  9. Arachnid aloft: directed aerial descent in neotropical canopy spiders.

    PubMed

    Yanoviak, Stephen P; Munk, Yonatan; Dudley, Robert

    2015-09-06

    The behaviour of directed aerial descent has been described for numerous taxa of wingless hexapods as they fall from the tropical rainforest canopy, but is not known in other terrestrial arthropods. Here, we describe similar controlled aerial behaviours for large arboreal spiders in the genus Selenops (Selenopidae). We dropped 59 such spiders from either canopy platforms or tree crowns in Panama and Peru; the majority (93%) directed their aerial trajectories towards and then landed upon nearby tree trunks. Following initial dorsoventral righting when necessary, falling spiders oriented themselves and then translated head-first towards targets; directional changes were correlated with bilaterally asymmetric motions of the anterolaterally extended forelegs. Aerial performance (i.e. the glide index) decreased with increasing body mass and wing loading, but not with projected surface area of the spider. Along with the occurrence of directed aerial descent in ants, jumping bristletails, and other wingless hexapods, this discovery of targeted gliding in selenopid spiders further indicates strong selective pressures against uncontrolled falls into the understory for arboreal taxa. © 2015 The Author(s).

  10. Familial male pseudohermaphroditism and testicular descent in the racoon dog (Nyctereutes).

    PubMed

    Fentener van Vlissingen, J M; Blankenstein, M A; Thijssen, J H; Colenbrander, B; Verbruggen, A J; Wensing, C J

    1988-12-01

    Sexual differentiation was investigated in familial male pseudohermaphroditism in Nyctereutes procyonoides (Canidae). In intersex males, development of external genital organs and prostate glandular tissue was severely disturbed; Wolffian (mesonephric) duct derivatives developed prepubertally but were absent in some adults. Müllerian (paramesonephric) duct regression was complete. Testicular descent was undisturbed. Male/female sex differences in plasma testosterone, 5 alpha-dihydrotestosterone, and luteinizing hormone concentrations were present. Intersex plasma hormone concentrations were within the normal male range. The concentration of androgen receptors in pubic skin was similar in male, female, and intersex animals and no significant differences in affinity for the ligand were detected. It was concluded that in intersex animals androgen-dependent virilisation was deficient despite the presence of androgens and androgen receptors and that this condition had not affected gubernaculum development and testicular descent.

  11. Experimental studies of the rotor flow downwash on the Stability of multi-rotor crafts in descent

    NASA Astrophysics Data System (ADS)

    Veismann, Marcel; Dougherty, Christopher; Gharib, Morteza

    2017-11-01

    All rotorcrafts, including helicopters and multicopters, have the inherent problem of entering rotor downwash during vertical descent. As a result, the craft is subject to highly unsteady flow, called vortex ring state (VRS), which leads to a loss of lift and reduced stability. To date, experimental efforts to investigate this phenomenon have been largely limited to analysis of a single, fixed rotor mounted in a horizontal wind tunnel. Our current work aims to understand the interaction of multiple rotors in vertical descent by mounting a multi-rotor craft in a low speed, vertical wind tunnel. Experiments were performed with a fixed and rotationally free mounting; the latter allowing us to better capture the dynamics of a free flying drone. The effect of rotor separation on stability, generated thrust, and rotor wake interaction was characterized using force gauge data and PIV analysis for various descent velocities. The results obtained help us better understand fluid-craft interactions of drones in vertical descent and identify possible sources of instability. The presented material is based upon work supported by the Center for Autonomous Systems and Technologies (CAST) at the Graduate Aerospace Laboratories of the California Institute of Technology (GALCIT).

  12. Convergence Rates of Finite Difference Stochastic Approximation Algorithms

    DTIC Science & Technology

    2016-06-01

    dfferences as gradient approximations. It is shown that the convergence of these algorithms can be accelerated by controlling the implementation of the...descent algorithm, under various updating schemes using finite dfferences as gradient approximations. It is shown that the convergence of these...the Kiefer-Wolfowitz algorithm and the mirror descent algorithm, under various updating schemes using finite differences as gradient approximations. It

  13. The descent of ant: field-measured performance of gliding ants.

    PubMed

    Munk, Yonatan; Yanoviak, Stephen P; Koehl, M A R; Dudley, Robert

    2015-05-01

    Gliding ants avoid predatory attacks and potentially mortal consequences of dislodgement from rainforest canopy substrates by directing their aerial descent towards nearby tree trunks. The ecologically relevant measure of performance for gliding ants is the ratio of net horizontal to vertical distance traveled over the course of a gliding trajectory, or glide index. To study variation in glide index, we measured three-dimensional trajectories of Cephalotes atratus ants gliding in natural rainforest habitats. We determined that righting phase duration, glide angle, and path directness all significantly influence variation in glide index. Unsuccessful landing attempts result in the ant bouncing off its target and being forced to make a second landing attempt. Our results indicate that ants are not passive gliders and that they exert active control over the aerodynamic forces they experience during their descent, despite their apparent lack of specialized control surfaces. © 2015. Published by The Company of Biologists Ltd.

  14. Stereotypes of women of Asian descent in midwifery: some evidence.

    PubMed

    Bowler, I M

    1993-03-01

    The subject of this paper is part of a larger study which investigated the delivery of maternity care to women of South Asian descent in Britain (Bowler, 1990). An ethnographic approach was used and the main method of data collection was non-participant observation in antenatal clinics, labour and postnatal wards in a teaching hospital maternity unit. These observations were supported by data from interviews with midwives. It was found that the midwives commonly use stereotypes of women in order to help them to provide care. These stereotypes are particularly likely to be used in situations where the midwife has difficulty (through pressure of time or other circumstances) in getting to know an individual woman. The stereotype of women of Asian descent contained four main themes: communication problems; failure to comply with care and service abuse; making a fuss about nothing; a lack of normal maternal instinct. Reasons for stereotyping are explored. Effects on service provision in the areas of family planning and breast feeding are highlighted.

  15. Minimum-fuel turning climbout and descent guidance of transport jets

    NASA Technical Reports Server (NTRS)

    Neuman, F.; Kreindler, E.

    1983-01-01

    The complete flightpath optimization problem for minimum fuel consumption from takeoff to landing including the initial and final turns from and to the runway heading is solved. However, only the initial and final segments which contain the turns are treated, since the straight-line climbout, cruise, and descent problems have already been solved. The paths are derived by generating fields of extremals, using the necessary conditions of optimal control together with singular arcs and state constraints. Results show that the speed profiles for straight flight and turning flight are essentially identical except for the final horizontal accelerating or decelerating turns. The optimal turns require no abrupt maneuvers, and an approximation of the optimal turns could be easily integrated with present straight-line climb-cruise-descent fuel-optimization algorithms. Climbout at the optimal IAS rather than the 250-knot terminal-area speed limit would save 36 lb of fuel for the 727-100 aircraft.

  16. Descent and Landing Triggers for the Orion Multi-Purpose Crew Vehicle Exploration Flight Test-1

    NASA Technical Reports Server (NTRS)

    Bihari, Brian D.; Semrau, Jeffrey D.; Duke, Charity J.

    2013-01-01

    The Orion Multi-Purpose Crew Vehicle (MPCV) will perform a flight test known as Exploration Flight Test-1 (EFT-1) currently scheduled for 2014. One of the primary functions of this test is to exercise all of the important Guidance, Navigation, Control (GN&C), and Propulsion systems, along with the flight software for future flights. The Descent and Landing segment of the flight is governed by the requirements levied on the GN&C system by the Landing and Recovery System (LRS). The LRS is a complex system of parachutes and flight control modes that ensure that the Orion MPCV safely lands at its designated target in the Pacific Ocean. The Descent and Landing segment begins with the jettisoning of the Forward Bay Cover and concludes with sensing touchdown. This paper discusses the requirements, design, testing, analysis and performance of the current EFT-1 Descent and Landing Triggers flight software.

  17. Entry, Descent, and Landing Performance for a Mid-Lift-to-Drag Ratio Vehicle at Mars

    NASA Technical Reports Server (NTRS)

    Johnson, Breanna J.; Braden, Ellen M.; Sostaric, Ronald R.; Cerimele, Christopher J.; Lu, Ping

    2018-01-01

    In an effort to mature the design of the Mid-Lift-to-Drag ratio Rigid Vehicle (MRV) candidate of the NASA Evolvable Mars Campaign (EMC) architecture study, end-to-end six-degree-of-freedom (6DOF) simulations are needed to ensure a successful entry, descent, and landing (EDL) design. The EMC study is assessing different vehicle and mission architectures to determine which candidate would be best to deliver a 20 metric ton payload to the surface of Mars. Due to the large mass payload and the relatively low atmospheric density of Mars, all candidates of the EMC study propose to use Supersonic Retro-Propulsion (SRP) throughout the descent and landing phase, as opposed to parachutes, in order to decelerate to a subsonic touchdown. This paper presents a 6DOF entry-to-landing performance and controllability study with sensitivities to dispersions, particularly in the powered descent and landing phases.

  18. Error measure comparison of currently employed dose-modulation schemes for e-beam proximity effect control

    NASA Astrophysics Data System (ADS)

    Peckerar, Martin C.; Marrian, Christie R.

    1995-05-01

    Standard matrix inversion methods of e-beam proximity correction are compared with a variety of pseudoinverse approaches based on gradient descent. It is shown that the gradient descent methods can be modified using 'regularizers' (terms added to the cost function minimized during gradient descent). This modification solves the 'negative dose' problem in a mathematically sound way. Different techniques are contrasted using a weighted error measure approach. It is shown that the regularization approach leads to the highest quality images. In some cases, ignoring negative doses yields results which are worse than employing an uncorrected dose file.

  19. Methodology Development for the Reconstruction of the ESA Huygens Probe Entry and Descent Trajectory

    NASA Astrophysics Data System (ADS)

    Kazeminejad, B.

    2005-01-01

    The European Space Agency's (ESA) Huygens probe performed a successful entry and descent into Titan's atmosphere on January 14, 2005, and landed safely on the satellite's surface. A methodology was developed, implemented, and tested to reconstruct the Huygens probe trajectory from its various science and engineering measurements, which were performed during the probe's entry and descent to the surface of Titan, Saturn's largest moon. The probe trajectory reconstruction is an essential effort that has to be done as early as possible in the post-flight data analysis phase as it guarantees a correct and consistent interpretation of all the experiment data and furthermore provides a reference set of data for "ground-truthing" orbiter remote sensing measurements. The entry trajectory is reconstructed from the measured probe aerodynamic drag force, which also provides a means to derive the upper atmospheric properties like density, pressure, and temperature. The descent phase reconstruction is based upon a combination of various atmospheric measurements such as pressure, temperature, composition, speed of sound, and wind speed. A significant amount of effort was spent to outline and implement a least-squares trajectory estimation algorithm that provides a means to match the entry and descent trajectory portions in case of discontinuity. An extensive test campaign of the algorithm is presented which used the Huygens Synthetic Dataset (HSDS) developed by the Huygens Project Scientist Team at ESA/ESTEC as a test bed. This dataset comprises the simulated sensor output (and the corresponding measurement noise and uncertainty) of all the relevant probe instruments. The test campaign clearly showed that the proposed methodology is capable of utilizing all the relevant probe data, and will provide the best estimate of the probe trajectory once real instrument measurements from the actual probe mission are available. As a further test case using actual flight data the NASA Mars

  20. Machado-Joseph disease in pedigrees of Azorean descent is linked to chromosome 14.

    PubMed

    St George-Hyslop, P; Rogaeva, E; Huterer, J; Tsuda, T; Santos, J; Haines, J L; Schlumpf, K; Rogaev, E I; Liang, Y; McLachlan, D R

    1994-07-01

    A locus for Machado-Joseph disease (MJD) has recently been mapped to a 30-cM region of chromosome 14q in five pedigrees of Japanese descent. MJD is a clinically pleomorphic neurodegenerative disease that was originally described in subjects of Azorean descent. In light of the nonallelic heterogeneity in other inherited spinocerebellar ataxias, we were interested to determine if the MJD phenotype in Japanese and Azorean pedigrees arose from mutations at the same locus. We provide evidence that MJD in five pedigrees of Azorean descent is also linked to chromosome 14q in an 18-cM region between the markers D14S67 and AACT (multipoint lod score +7.00 near D14S81). We also report molecular evidence for homozygosity at the MJD locus in an MJD-affected subject with severe, early-onset symptoms. These observations confirm the initial report of linkage of MJD to chromosome 14; suggest that MJD in Japanese and Azorean subjects may represent allelic or identical mutations at the same locus; and provide one possible explanation (MJD gene dosage) for the observed phenotypic heterogeneity in this disease.

  1. Machado-Joseph Disease in Pedigrees of Azorean descent is Linked to Chromosome 14

    PubMed Central

    George-Hyslop, P. St; Rogaeva, E.; Huterer, J.; Tsuda, T.; Santos, J.; Haines, J. L.; Schlumpf, K.; Rogaev, E. I.; Liang, Y.; McLachlan, D. R. Crapper; Kennedy, J.; Weissenbach, J.; Billingsley, G. D.; Cox, D. W.; Lang, A. E.; Wherrett, J. R.

    1994-01-01

    A locus for Machado-Joseph disease (MJD) has recently been mapped to a 30-cM region of chromosome 14q in five pedigrees of Japanese descent. MJD is a clinically pleomorphic neurodegenerative disease that was originally described in subjects of Azorean descent. In light of the nonallelic heterogeneity in other inherited spinocere-bellar ataxias, we were interested to determine if the MJD phenotype in Japanese and Azorean pedigrees arose from mutations at the same locus. We provide evidence that MJD in five pedigrees of Azorean descent is also linked to chromosome 14q in an 18-cM region between the markers D14S67 and AACT (multipoint lod score +7.00 near D14S81). We also report molecular evidence for homozy-gosity at the MJD locus in an MJD-affected subject with severe, early-onset symptoms. These observations confirm the initial report of linkage of MJD to chromosome 14; suggest that MJD in Japanese and Azorean subjects may represent allelic or identical mutations at the same locus; and provide one possible explanation (MJD gene dosage) for the observed phenotypic heterogeneity in this disease. PMID:8023841

  2. Stress within a Bicultural Context for Adolescents of Mexican Descent.

    ERIC Educational Resources Information Center

    Romero, Andrea J.; Roberts, Robert E.

    2003-01-01

    Folkman and Lazarus's theory of stress and coping was used to develop a measure assessing the perceived stress within a bicultural context. Middle school students of Mexican descent (N=881) reported their perceived stress from intergenerational acculturation gaps, within-group discrimination, out-group discrimination, and monolingual stress.…

  3. Efficient spectral computation of the stationary states of rotating Bose-Einstein condensates by preconditioned nonlinear conjugate gradient methods

    NASA Astrophysics Data System (ADS)

    Antoine, Xavier; Levitt, Antoine; Tang, Qinglin

    2017-08-01

    We propose a preconditioned nonlinear conjugate gradient method coupled with a spectral spatial discretization scheme for computing the ground states (GS) of rotating Bose-Einstein condensates (BEC), modeled by the Gross-Pitaevskii Equation (GPE). We first start by reviewing the classical gradient flow (also known as imaginary time (IMT)) method which considers the problem from the PDE standpoint, leading to numerically solve a dissipative equation. Based on this IMT equation, we analyze the forward Euler (FE), Crank-Nicolson (CN) and the classical backward Euler (BE) schemes for linear problems and recognize classical power iterations, allowing us to derive convergence rates. By considering the alternative point of view of minimization problems, we propose the preconditioned steepest descent (PSD) and conjugate gradient (PCG) methods for the GS computation of the GPE. We investigate the choice of the preconditioner, which plays a key role in the acceleration of the convergence process. The performance of the new algorithms is tested in 1D, 2D and 3D. We conclude that the PCG method outperforms all the previous methods, most particularly for 2D and 3D fast rotating BECs, while being simple to implement.

  4. Using survival analysis to determine association between maternal pelvis height and antenatal fetal head descent in Ugandan mothers.

    PubMed

    Munabi, Ian Guyton; Luboga, Samuel Abilemech; Mirembe, Florence

    2015-01-01

    Fetal head descent is used to demonstrate the maternal pelvis capacity to accommodate the fetal head. This is especially important in low resource settings that have high rates of childbirth related maternal deaths and morbidity. This study looked at maternal height and an additional measure, maternal pelvis height, from automotive engineering. The objective of the study was to determine the associations between maternal: height and pelvis height with the rate of fetal head descent in expectant Ugandan mothers. This was a cross sectional study on 1265 singleton mothers attending antenatal clinics at five hospitals in various parts of Uganda. In addition to the routine antenatal examination, each mother had their pelvis height recorded following informed consent. Survival analysis was done using STATA 12. It was found that 27% of mothers had fetal head descent with an incident rate of 0.028 per week after the 25th week of pregnancy. Significant associations were observed between the rate of fetal head descent with: maternal height (Adj Haz ratio 0.93 P < 0.01) and maternal pelvis height (Adj Haz ratio 1.15 P < 0.01). The significant associations observed between maternal: height and pelvis height with rate of fetal head descent, demonstrate a need for further study of maternal pelvis height as an additional decision support tool for screening mothers in low resource settings.

  5. Using survival analysis to determine association between maternal pelvis height and antenatal fetal head descent in Ugandan mothers

    PubMed Central

    Munabi, Ian Guyton; Luboga, Samuel Abilemech; Mirembe, Florence

    2015-01-01

    Introduction Fetal head descent is used to demonstrate the maternal pelvis capacity to accommodate the fetal head. This is especially important in low resource settings that have high rates of childbirth related maternal deaths and morbidity. This study looked at maternal height and an additional measure, maternal pelvis height, from automotive engineering. The objective of the study was to determine the associations between maternal: height and pelvis height with the rate of fetal head descent in expectant Ugandan mothers. Methods This was a cross sectional study on 1265 singleton mothers attending antenatal clinics at five hospitals in various parts of Uganda. In addition to the routine antenatal examination, each mother had their pelvis height recorded following informed consent. Survival analysis was done using STATA 12. Results It was found that 27% of mothers had fetal head descent with an incident rate of 0.028 per week after the 25th week of pregnancy. Significant associations were observed between the rate of fetal head descent with: maternal height (Adj Haz ratio 0.93 P < 0.01) and maternal pelvis height (Adj Haz ratio 1.15 P < 0.01). Conclusion The significant associations observed between maternal: height and pelvis height with rate of fetal head descent, demonstrate a need for further study of maternal pelvis height as an additional decision support tool for screening mothers in low resource settings. PMID:26918071

  6. New learning based super-resolution: use of DWT and IGMRF prior.

    PubMed

    Gajjar, Prakash P; Joshi, Manjunath V

    2010-05-01

    In this paper, we propose a new learning-based approach for super-resolving an image captured at low spatial resolution. Given the low spatial resolution test image and a database consisting of low and high spatial resolution images, we obtain super-resolution for the test image. We first obtain an initial high-resolution (HR) estimate by learning the high-frequency details from the available database. A new discrete wavelet transform (DWT) based approach is proposed for learning that uses a set of low-resolution (LR) images and their corresponding HR versions. Since the super-resolution is an ill-posed problem, we obtain the final solution using a regularization framework. The LR image is modeled as the aliased and noisy version of the corresponding HR image, and the aliasing matrix entries are estimated using the test image and the initial HR estimate. The prior model for the super-resolved image is chosen as an Inhomogeneous Gaussian Markov random field (IGMRF) and the model parameters are estimated using the same initial HR estimate. A maximum a posteriori (MAP) estimation is used to arrive at the cost function which is minimized using a simple gradient descent approach. We demonstrate the effectiveness of the proposed approach by conducting the experiments on gray scale as well as on color images. The method is compared with the standard interpolation technique and also with existing learning-based approaches. The proposed approach can be used in applications such as wildlife sensor networks, remote surveillance where the memory, the transmission bandwidth, and the camera cost are the main constraints.

  7. One Giant Leap for Categorizers: One Small Step for Categorization Theory

    PubMed Central

    Smith, J. David; Ell, Shawn W.

    2015-01-01

    We explore humans’ rule-based category learning using analytic approaches that highlight their psychological transitions during learning. These approaches confirm that humans show qualitatively sudden psychological transitions during rule learning. These transitions contribute to the theoretical literature contrasting single vs. multiple category-learning systems, because they seem to reveal a distinctive learning process of explicit rule discovery. A complete psychology of categorization must describe this learning process, too. Yet extensive formal-modeling analyses confirm that a wide range of current (gradient-descent) models cannot reproduce these transitions, including influential rule-based models (e.g., COVIS) and exemplar models (e.g., ALCOVE). It is an important theoretical conclusion that existing models cannot explain humans’ rule-based category learning. The problem these models have is the incremental algorithm by which learning is simulated. Humans descend no gradient in rule-based tasks. Very different formal-modeling systems will be required to explain humans’ psychology in these tasks. An important next step will be to build a new generation of models that can do so. PMID:26332587

  8. Efficient Sum of Outer Products Dictionary Learning (SOUP-DIL) and Its Application to Inverse Problems.

    PubMed

    Ravishankar, Saiprasad; Nadakuditi, Raj Rao; Fessler, Jeffrey A

    2017-12-01

    The sparsity of signals in a transform domain or dictionary has been exploited in applications such as compression, denoising and inverse problems. More recently, data-driven adaptation of synthesis dictionaries has shown promise compared to analytical dictionary models. However, dictionary learning problems are typically non-convex and NP-hard, and the usual alternating minimization approaches for these problems are often computationally expensive, with the computations dominated by the NP-hard synthesis sparse coding step. This paper exploits the ideas that drive algorithms such as K-SVD, and investigates in detail efficient methods for aggregate sparsity penalized dictionary learning by first approximating the data with a sum of sparse rank-one matrices (outer products) and then using a block coordinate descent approach to estimate the unknowns. The resulting block coordinate descent algorithms involve efficient closed-form solutions. Furthermore, we consider the problem of dictionary-blind image reconstruction, and propose novel and efficient algorithms for adaptive image reconstruction using block coordinate descent and sum of outer products methodologies. We provide a convergence study of the algorithms for dictionary learning and dictionary-blind image reconstruction. Our numerical experiments show the promising performance and speedups provided by the proposed methods over previous schemes in sparse data representation and compressed sensing-based image reconstruction.

  9. Efficient Sum of Outer Products Dictionary Learning (SOUP-DIL) and Its Application to Inverse Problems

    PubMed Central

    Ravishankar, Saiprasad; Nadakuditi, Raj Rao; Fessler, Jeffrey A.

    2017-01-01

    The sparsity of signals in a transform domain or dictionary has been exploited in applications such as compression, denoising and inverse problems. More recently, data-driven adaptation of synthesis dictionaries has shown promise compared to analytical dictionary models. However, dictionary learning problems are typically non-convex and NP-hard, and the usual alternating minimization approaches for these problems are often computationally expensive, with the computations dominated by the NP-hard synthesis sparse coding step. This paper exploits the ideas that drive algorithms such as K-SVD, and investigates in detail efficient methods for aggregate sparsity penalized dictionary learning by first approximating the data with a sum of sparse rank-one matrices (outer products) and then using a block coordinate descent approach to estimate the unknowns. The resulting block coordinate descent algorithms involve efficient closed-form solutions. Furthermore, we consider the problem of dictionary-blind image reconstruction, and propose novel and efficient algorithms for adaptive image reconstruction using block coordinate descent and sum of outer products methodologies. We provide a convergence study of the algorithms for dictionary learning and dictionary-blind image reconstruction. Our numerical experiments show the promising performance and speedups provided by the proposed methods over previous schemes in sparse data representation and compressed sensing-based image reconstruction. PMID:29376111

  10. APOLLO 16 TECHNICIAN ATTACHES PLAQUE TO LUNAR MODULE'S DESCENT STAGE

    NASA Technical Reports Server (NTRS)

    1972-01-01

    Working inside the Apollo 16 Saturn V space vehicle at the launch pad, technician Ken Crow attaches a stainless steel plaque bearing the names of Apollo 16 astronauts John W. Young, Thomas K. Mattingly II and Charles M. Duke, Jr., to the Lunar Module's descent stage, which will remain on the Moon's surface.

  11. Online selective kernel-based temporal difference learning.

    PubMed

    Chen, Xingguo; Gao, Yang; Wang, Ruili

    2013-12-01

    In this paper, an online selective kernel-based temporal difference (OSKTD) learning algorithm is proposed to deal with large scale and/or continuous reinforcement learning problems. OSKTD includes two online procedures: online sparsification and parameter updating for the selective kernel-based value function. A new sparsification method (i.e., a kernel distance-based online sparsification method) is proposed based on selective ensemble learning, which is computationally less complex compared with other sparsification methods. With the proposed sparsification method, the sparsified dictionary of samples is constructed online by checking if a sample needs to be added to the sparsified dictionary. In addition, based on local validity, a selective kernel-based value function is proposed to select the best samples from the sample dictionary for the selective kernel-based value function approximator. The parameters of the selective kernel-based value function are iteratively updated by using the temporal difference (TD) learning algorithm combined with the gradient descent technique. The complexity of the online sparsification procedure in the OSKTD algorithm is O(n). In addition, two typical experiments (Maze and Mountain Car) are used to compare with both traditional and up-to-date O(n) algorithms (GTD, GTD2, and TDC using the kernel-based value function), and the results demonstrate the effectiveness of our proposed algorithm. In the Maze problem, OSKTD converges to an optimal policy and converges faster than both traditional and up-to-date algorithms. In the Mountain Car problem, OSKTD converges, requires less computation time compared with other sparsification methods, gets a better local optima than the traditional algorithms, and converges much faster than the up-to-date algorithms. In addition, OSKTD can reach a competitive ultimate optima compared with the up-to-date algorithms.

  12. Assessing the ability to derive rates of polar middle-atmospheric descent using trace gas measurements from remote sensors

    NASA Astrophysics Data System (ADS)

    Ryan, Niall J.; Kinnison, Douglas E.; Garcia, Rolando R.; Hoffmann, Christoph G.; Palm, Mathias; Raffalski, Uwe; Notholt, Justus

    2018-02-01

    We investigate the reliability of using trace gas measurements from remote sensing instruments to infer polar atmospheric descent rates during winter within 46-86 km altitude. Using output from the Specified Dynamics Whole Atmosphere Community Climate Model (SD-WACCM) between 2008 and 2014, tendencies of carbon monoxide (CO) volume mixing ratios (VMRs) are used to assess a common assumption of dominant vertical advection of tracers during polar winter. The results show that dynamical processes other than vertical advection are not negligible, meaning that the transport rates derived from trace gas measurements do not represent the mean descent of the atmosphere. The relative importance of vertical advection is lessened, and exceeded by other processes, during periods directly before and after a sudden stratospheric warming, mainly due to an increase in eddy transport. It was also found that CO chemistry cannot be ignored in the mesosphere due to the night-time layer of OH at approximately 80 km altitude. CO VMR profiles from the Kiruna Microwave Radiometer and the Microwave Limb Sounder were compared to SD-WACCM output, and show good agreement on daily and seasonal timescales. SD-WACCM CO profiles are combined with the CO tendencies to estimate errors involved in calculating the mean descent of the atmosphere from remote sensing measurements. The results indicate errors on the same scale as the calculated descent rates, and that the method is prone to a misinterpretation of the direction of air motion. The true rate of atmospheric descent is seen to be masked by processes, other than vertical advection, that affect CO. We suggest an alternative definition of the rate calculated using remote sensing measurements: not as the mean descent of the atmosphere, but as an effective rate of vertical transport for the trace gas under observation.

  13. Planetary entry, descent, and landing technologies

    NASA Astrophysics Data System (ADS)

    Pichkhadze, K.; Vorontsov, V.; Polyakov, A.; Ivankov, A.; Taalas, P.; Pellinen, R.; Harri, A.-M.; Linkin, V.

    2003-04-01

    Martian meteorological lander (MML) is intended for landing on the Martian surface in order to monitor the atmosphere at landing point for one Martian year. MMLs shall become the basic elements of a global network of meteorological mini-landers, observing the dynamics of changes of the atmospheric parameters on the Red Planet. The MML main scientific tasks are as follows: (1) Study of vertical structure of the Martian atmosphere throughout the MML descent; (2) On-surface meteorological observations for one Martian year. One of the essential factors influencing the lander's design is its entry, descent, and landing (EDL) sequence. During Phase A of the MML development, five different options for the lander's design were carefully analyzed. All of these options ensure the accomplishment of the above-mentioned scientific tasks with high effectiveness. CONCEPT A (conventional approach): Two lander options (with a parachute system + airbag and an inflatable airbrake + airbag) were analyzed. They are similar in terms of fulfilling braking phases and completely analogous in landing by means of airbags. CONCEPT B (innovative approach): Three lander options were analyzed. The distinguishing feature is the presence of inflatable braking units (IBU) in their configurations. SELECTED OPTION (innovative approach): Incorporating a unique design approach and modern technologies, the selected option of the lander represents a combination of the options analyzed in the framework of Concept B study. Currently, the selected lander option undergoes systems testing (Phase D1). Several MMLs can be delivered to Mars in frameworks of various missions as primary or piggybacking payload: (1) USA-led "Mars Scout" (2007); (2) France-led "NetLander" (2007/2009); (3) Russia-led "Mars-Deimos-Phobos sample return" (2007); (4) Independent mission (currently under preliminary study); etc.

  14. On the efficiency of a randomized mirror descent algorithm in online optimization problems

    NASA Astrophysics Data System (ADS)

    Gasnikov, A. V.; Nesterov, Yu. E.; Spokoiny, V. G.

    2015-04-01

    A randomized online version of the mirror descent method is proposed. It differs from the existing versions by the randomization method. Randomization is performed at the stage of the projection of a subgradient of the function being optimized onto the unit simplex rather than at the stage of the computation of a subgradient, which is common practice. As a result, a componentwise subgradient descent with a randomly chosen component is obtained, which admits an online interpretation. This observation, for example, has made it possible to uniformly interpret results on weighting expert decisions and propose the most efficient method for searching for an equilibrium in a zero-sum two-person matrix game with sparse matrix.

  15. The Uncertain Significance of Low Vitamin D levels in African Descent Populations: A Review of the Bone and Cardiometabolic Literature

    PubMed Central

    O'Connor, Michelle Y; Thoreson, Caroline K; Ramsey, Natalie L M; Ricks, Madia; Sumner, Anne E

    2014-01-01

    Vitamin D levels in people of African descent are often described as inadequate or deficient. Whether low vitamin D levels in people of African descent lead to compromised bone or cardiometabolic health is unknown. Clarity on this issue is essential because if clinically significant vitamin D deficiency is present, vitamin D supplementation is necessary. However, if vitamin D is metabolically sufficient, vitamin D supplementation could be wasteful of scarce resources and even harmful. In this review vitamin D physiology is described with a focus on issues specific to populations of African descent such as the influence of melanin on endogenous vitamin D production and lactose intolerance on the willingness of people to ingest vitamin D fortified foods. Then data on the relationship of vitamin D to bone and cardiometabolic health in people of African descent are evaluated. PMID:24267433

  16. Development and test results of a flight management algorithm for fuel conservative descents in a time-based metered traffic environment

    NASA Technical Reports Server (NTRS)

    Knox, C. E.; Cannon, D. G.

    1980-01-01

    A simple flight management descent algorithm designed to improve the accuracy of delivering an airplane in a fuel-conservative manner to a metering fix at a time designated by air traffic control was developed and flight tested. This algorithm provides a three dimensional path with terminal area time constraints (four dimensional) for an airplane to make an idle thrust, clean configured (landing gear up, flaps zero, and speed brakes retracted) descent to arrive at the metering fix at a predetermined time, altitude, and airspeed. The descent path was calculated for a constant Mach/airspeed schedule from linear approximations of airplane performance with considerations given for gross weight, wind, and nonstandard pressure and temperature effects. The flight management descent algorithm is described. The results of the flight tests flown with the Terminal Configured Vehicle airplane are presented.

  17. Efficacy of natalizumab therapy in patients of African descent with relapsing multiple sclerosis: analysis of AFFIRM and SENTINEL data.

    PubMed

    Cree, Bruce A C; Stuart, William H; Tornatore, Carlo S; Jeffery, Douglas R; Pace, Amy L; Cha, Choon H

    2011-04-01

    Patients with multiple sclerosis (MS) who are of African descent experience a more aggressive disease course than patients who are of white race/ethnicity. In phase 3 clinical trials (Natalizumab Safety and Efficacy in Relapsing Remitting Multiple Sclerosis [AFFIRM] and Safety and Efficacy of Natalizumab in Combination With Interferon Beta-1a in Patients With Relapsing Remitting Multiple Sclerosis [SENTINEL]), natalizumab use significantly improved clinical and magnetic resonance imaging outcomes over 2 years in patients with relapsing MS. Because patients of African descent may be less responsive to interferon beta treatment than patients of white race/ethnicity, the efficacy of natalizumab therapy in this population is clinically important. To evaluate the efficacy of natalizumab use in patients of African descent with relapsing MS. Post hoc analysis. Academic research. Patients of African descent with relapsing MS who received natalizumab or placebo in the phase 3 AFFIRM study and those who received natalizumab plus intramuscular interferon beta-1a or placebo plus intramuscular interferon beta-1a in the phase 3 SENTINEL study. Efficacy of natalizumab use in patients of African descent with relapsing MS who participated in the AFFIRM or SENTINEL trial. Forty-nine patients of African descent participated in AFFIRM (n = 10) or SENTINEL (n = 39). Demographic and baseline disease characteristics were similar between patients treated with natalizumab (n = 21) or placebo (n = 28). Natalizumab therapy significantly reduced the annualized MS relapse rate by 60% (0.21 vs 0.53 in the placebo group, P = .02). Compared with placebo use, natalizumab therapy also significantly reduced the accumulation of lesions observed on magnetic resonance imaging over 2 years: the mean number of gadolinium-enhancing lesions was reduced by 79% (0.19 vs 0.91, P = .03), and the mean number of new or enlarged T2-weighted lesions was reduced by 90% (0.88 vs 8.52, P = .008). Natalizumab therapy

  18. Fish-eye View of NASA Curiosity Rover and its Powered Descent Vehicle

    NASA Image and Video Library

    2011-11-23

    An engineer says goodbye to the Curiosity rover and its powered descent vehicle in the Jet Propulsion Laboratory Spacecraft Assembly Facility shortly before the spacecraft was readied for shipment to Kennedy Space Center for launch.

  19. Paget's disease in patients of Asian descent in New Zealand.

    PubMed

    Sankaran, Shyam; Naot, Dorit; Grey, Andrew; Cundy, Tim

    2012-01-01

    Paget's disease is considered to be uncommon in Asian people, but we have noted a recent increase in the number of Asian patients referred to our clinic, on a background of an apparently decreasing prevalence in the population of European descent. In this article, we report clinical and epidemiological features of patients of Asian descent with Paget's disease, referred between 1973 and 2010 to the Auckland Paget's disease clinic. No Asian patients were referred before 1993, but 14 have presented between 1993 and 2010, with a median of 8 years between arrival into New Zealand and time of diagnosis. The patients were predominantly of south Asian origin. None of the 8 patients tested carried a mutation in exon 8 of the sequestosome 1 (SQSTM1) gene. The number of new Paget's disease referrals expressed as a proportion of the potentially at-risk Asian population in the Auckland region (derived from census data) was 1/10(4) in 2006 to 2011. Amongst Europeans, the corresponding value decreased from 10/10(4) in 1986 to 1991 to 2/10(4) in 2006 to 2010. The increased number of people of Asian descent diagnosed with Paget's disease in the Auckland region has paralleled the increasing size of the local Asian population. The continuing decline of Paget's disease in the European population, in conjunction with the emergence of the disease in the Asian population, supports the view that an environmental determinant to the disease exists and that Asians are not genetically protected. It also implies that the apparent reduction in Paget's disease prevalence in western cities is unlikely to be explicable by the rising Asian population of these cities. Copyright © 2012 American Society for Bone and Mineral Research.

  20. Mars 2020 Entry, Descent and Landing Instrumentation 2 (MEDLI2)

    NASA Technical Reports Server (NTRS)

    Hwang, Helen H.; Bose, Deepak; White, Todd R.; Wright, Henry S.; Schoenenberger, Mark; Kuhl, Christopher A.; Trombetta, Dominic; Santos, Jose A.; Oishi, Tomomi; Karlgaard, Christopher D.; hide

    2016-01-01

    The Mars Entry Descent and Landing Instrumentation 2 (MEDLI2) sensor suite will measure aerodynamic, aerothermodynamic, and TPS performance during the atmospheric entry, descent, and landing phases of the Mars 2020 mission. The key objectives are to reduce design margin and prediction uncertainties for the aerothermal environments and aerodynamic database. For MEDLI2, the sensors are installed on both the heatshield and backshell, and include 7 pressure transducers, 17 thermal plugs, and 3 heat flux sensors (including a radiometer). These sensors will expand the set of measurements collected by the highly successful MEDLI suite, collecting supersonic pressure measurements on the forebody, a pressure measurement on the aftbody, direct heat flux measurements on the aftbody, a radiative heating measurement on the aftbody, and multiple near-surface thermal measurements on the thermal protection system (TPS) materials on both the forebody and aftbody. To meet the science objectives, supersonic pressure transducers and heat flux sensors are currently being developed and their qualification and calibration plans are presented. Finally, the reconstruction targets for data accuracy are presented, along with the planned methodologies for achieving the targets.

  1. Machine Learning Interface for Medical Image Analysis.

    PubMed

    Zhang, Yi C; Kagen, Alexander C

    2017-10-01

    TensorFlow is a second-generation open-source machine learning software library with a built-in framework for implementing neural networks in wide variety of perceptual tasks. Although TensorFlow usage is well established with computer vision datasets, the TensorFlow interface with DICOM formats for medical imaging remains to be established. Our goal is to extend the TensorFlow API to accept raw DICOM images as input; 1513 DaTscan DICOM images were obtained from the Parkinson's Progression Markers Initiative (PPMI) database. DICOM pixel intensities were extracted and shaped into tensors, or n-dimensional arrays, to populate the training, validation, and test input datasets for machine learning. A simple neural network was constructed in TensorFlow to classify images into normal or Parkinson's disease groups. Training was executed over 1000 iterations for each cross-validation set. The gradient descent optimization and Adagrad optimization algorithms were used to minimize cross-entropy between the predicted and ground-truth labels. Cross-validation was performed ten times to produce a mean accuracy of 0.938 ± 0.047 (95 % CI 0.908-0.967). The mean sensitivity was 0.974 ± 0.043 (95 % CI 0.947-1.00) and mean specificity was 0.822 ± 0.207 (95 % CI 0.694-0.950). We extended the TensorFlow API to enable DICOM compatibility in the context of DaTscan image analysis. We implemented a neural network classifier that produces diagnostic accuracies on par with excellent results from previous machine learning models. These results indicate the potential role of TensorFlow as a useful adjunct diagnostic tool in the clinical setting.

  2. Parachute Models Used in the Mars Science Laboratory Entry, Descent, and Landing Simulation

    NASA Technical Reports Server (NTRS)

    Cruz, Juan R.; Way, David W.; Shidner, Jeremy D.; Davis, Jody L.; Powell, Richard W.; Kipp, Devin M.; Adams, Douglas S.; Witkowski, Al; Kandis, Mike

    2013-01-01

    An end-to-end simulation of the Mars Science Laboratory (MSL) entry, descent, and landing (EDL) sequence was created at the NASA Langley Research Center using the Program to Optimize Simulated Trajectories II (POST2). This simulation is capable of providing numerous MSL system and flight software responses, including Monte Carlo-derived statistics of these responses. The MSL POST2 simulation includes models of EDL system elements, including those related to the parachute system. Among these there are models for the parachute geometry, mass properties, deployment, inflation, opening force, area oscillations, aerodynamic coefficients, apparent mass, interaction with the main landing engines, and off-loading. These models were kept as simple as possible, considering the overall objectives of the simulation. The main purpose of this paper is to describe these parachute system models to the extent necessary to understand how they work and some of their limitations. A list of lessons learned during the development of the models and simulation is provided. Future improvements to the parachute system models are proposed.

  3. Assessment of the Mars Science Laboratory Entry, Descent, and Landing Simulation

    NASA Technical Reports Server (NTRS)

    Way, David W.; Davis, J. L.; Shidner, Jeremy D.

    2013-01-01

    On August 5, 2012, the Mars Science Laboratory rover, Curiosity, successfully landed inside Gale Crater. This landing was only the seventh successful landing and fourth rover to be delivered to Mars. Weighing nearly one metric ton, Curiosity is the largest and most complex rover ever sent to investigate another planet. Safely landing such a large payload required an innovative Entry, Descent, and Landing system, which included the first guided entry at Mars, the largest supersonic parachute ever flown at Mars, and a novel and untested Sky Crane landing system. A complete, end-to-end, six degree-of-freedom, multi-body computer simulation of the Mars Science Laboratory Entry, Descent, and Landing sequence was developed at the NASA Langley Research Center. In-flight data gathered during the successful landing is compared to pre-flight statistical distributions, predicted by the simulation. These comparisons provide insight into both the accuracy of the simulation and the overall performance of the vehicle.

  4. Controlled weather balloon ascents and descents for atmospheric research and climate monitoring

    PubMed Central

    Kräuchi, Andreas; Philipona, Rolf; Romanens, Gonzague; Hurst, Dale F.; Hall, Emrys G.; Jordan, Allen F.

    2017-01-01

    In situ upper-air measurements are often made with instruments attached to weather balloons launched at the surface and lifted into the stratosphere. Present-day balloon-borne sensors allow near-continuous measurements from the Earth’s surface to about 35 km (3–5 hPa), where the balloons burst and their instrument payloads descend with parachutes. It has been demonstrated that ascending weather balloons can perturb the air measured by very sensitive humidity and temperature sensors trailing behind them, particularly in the upper troposphere and lower stratosphere (UTLS). The use of controlled balloon descent for such measurements has therefore been investigated and is described here. We distinguish between the single balloon technique that uses a simple automatic valve system to release helium from the balloon at a preset ambient pressure, and the double balloon technique that uses a carrier balloon to lift the payload and a parachute balloon to control the descent of instruments after the carrier balloon is released at preset altitude. The automatic valve technique has been used for several decades for water vapor soundings with frost point hygrometers, whereas the double balloon technique has recently been re-established and deployed to measure radiation and temperature profiles through the atmosphere. Double balloon soundings also strongly reduce pendulum motion of the payload, stabilizing radiation instruments during ascent. We present the flight characteristics of these two ballooning techniques and compare the quality of temperature and humidity measurements made during ascent and descent. PMID:29263765

  5. Controlled weather balloon ascents and descents for atmospheric research and climate monitoring.

    PubMed

    Kräuchi, Andreas; Philipona, Rolf; Romanens, Gonzague; Hurst, Dale F; Hall, Emrys G; Jordan, Allen F

    2016-01-01

    In situ upper-air measurements are often made with instruments attached to weather balloons launched at the surface and lifted into the stratosphere. Present-day balloon-borne sensors allow near-continuous measurements from the Earth's surface to about 35 km (3-5 hPa), where the balloons burst and their instrument payloads descend with parachutes. It has been demonstrated that ascending weather balloons can perturb the air measured by very sensitive humidity and temperature sensors trailing behind them, particularly in the upper troposphere and lower stratosphere (UTLS). The use of controlled balloon descent for such measurements has therefore been investigated and is described here. We distinguish between the single balloon technique that uses a simple automatic valve system to release helium from the balloon at a preset ambient pressure, and the double balloon technique that uses a carrier balloon to lift the payload and a parachute balloon to control the descent of instruments after the carrier balloon is released at preset altitude. The automatic valve technique has been used for several decades for water vapor soundings with frost point hygrometers, whereas the double balloon technique has recently been re-established and deployed to measure radiation and temperature profiles through the atmosphere. Double balloon soundings also strongly reduce pendulum motion of the payload, stabilizing radiation instruments during ascent. We present the flight characteristics of these two ballooning techniques and compare the quality of temperature and humidity measurements made during ascent and descent.

  6. A study on the performance comparison of metaheuristic algorithms on the learning of neural networks

    NASA Astrophysics Data System (ADS)

    Lai, Kee Huong; Zainuddin, Zarita; Ong, Pauline

    2017-08-01

    The learning or training process of neural networks entails the task of finding the most optimal set of parameters, which includes translation vectors, dilation parameter, synaptic weights, and bias terms. Apart from the traditional gradient descent-based methods, metaheuristic methods can also be used for this learning purpose. Since the inception of genetic algorithm half a century ago, the last decade witnessed the explosion of a variety of novel metaheuristic algorithms, such as harmony search algorithm, bat algorithm, and whale optimization algorithm. Despite the proof of the no free lunch theorem in the discipline of optimization, a survey in the literature of machine learning gives contrasting results. Some researchers report that certain metaheuristic algorithms are superior to the others, whereas some others argue that different metaheuristic algorithms give comparable performance. As such, this paper aims to investigate if a certain metaheuristic algorithm will outperform the other algorithms. In this work, three metaheuristic algorithms, namely genetic algorithms, particle swarm optimization, and harmony search algorithm are considered. The algorithms are incorporated in the learning of neural networks and their classification results on the benchmark UCI machine learning data sets are compared. It is found that all three metaheuristic algorithms give similar and comparable performance, as captured in the average overall classification accuracy. The results corroborate the findings reported in the works done by previous researchers. Several recommendations are given, which include the need of statistical analysis to verify the results and further theoretical works to support the obtained empirical results.

  7. Distributed Control by Lagrangian Steepest Descent

    NASA Technical Reports Server (NTRS)

    Wolpert, David H.; Bieniawski, Stefan

    2004-01-01

    Often adaptive, distributed control can be viewed as an iterated game between independent players. The coupling between the players mixed strategies, arising as the system evolves from one instant to the next, is determined by the system designer. Information theory tells us that the most likely joint strategy of the players, given a value of the expectation of the overall control objective function, is the minimizer of a function o the joint strategy. So the goal of the system designer is to speed evolution of the joint strategy to that Lagrangian mhimbhgpoint,lowerthe expectated value of the control objective function, and repeat Here we elaborate the theory of algorithms that do this using local descent procedures, and that thereby achieve efficient, adaptive, distributed control.

  8. Time-oriented hierarchical method for computation of principal components using subspace learning algorithm.

    PubMed

    Jankovic, Marko; Ogawa, Hidemitsu

    2004-10-01

    Principal Component Analysis (PCA) and Principal Subspace Analysis (PSA) are classic techniques in statistical data analysis, feature extraction and data compression. Given a set of multivariate measurements, PCA and PSA provide a smaller set of "basis vectors" with less redundancy, and a subspace spanned by them, respectively. Artificial neurons and neural networks have been shown to perform PSA and PCA when gradient ascent (descent) learning rules are used, which is related to the constrained maximization (minimization) of statistical objective functions. Due to their low complexity, such algorithms and their implementation in neural networks are potentially useful in cases of tracking slow changes of correlations in the input data or in updating eigenvectors with new samples. In this paper we propose PCA learning algorithm that is fully homogeneous with respect to neurons. The algorithm is obtained by modification of one of the most famous PSA learning algorithms--Subspace Learning Algorithm (SLA). Modification of the algorithm is based on Time-Oriented Hierarchical Method (TOHM). The method uses two distinct time scales. On a faster time scale PSA algorithm is responsible for the "behavior" of all output neurons. On a slower scale, output neurons will compete for fulfillment of their "own interests". On this scale, basis vectors in the principal subspace are rotated toward the principal eigenvectors. At the end of the paper it will be briefly analyzed how (or why) time-oriented hierarchical method can be used for transformation of any of the existing neural network PSA method, into PCA method.

  9. Kinetic comparison of older men and women during walk-to-stair descent transition.

    PubMed

    Singhal, Kunal; Kim, Jemin; Casebolt, Jeffrey; Lee, Sangwoo; Han, Ki Hoon; Kwon, Young-Hoo

    2014-09-01

    Stair walking is one of the most challenging tasks for older adults, with women reporting higher incidence of falls. The purpose of this study was to investigate the gender differences in kinetics during stair descent transition. Twenty-eight participants (12 male and 16 female; 68.5 and 69.0 years of mean age, respectively) performed stair descent from level walking in a step-over-step manner at a self-selected speed over a custom-made three-step staircase with embedded force plates. Kinematic and force data were combined using inverse dynamics to generate kinetic data for gender comparison. The top and the first step on the staircase were chosen for analysis. Women showed a higher trail leg peak hip abductor moment (-1.0 Nm/kg), lower trail leg peak knee extensor moment and eccentric power (0.74 Nm/kg and 3.15 W/kg), and lower peak concentric power at trail leg ankle joint (1.29 W/kg) as compared to men (p<0.05; -0.82 Nm/kg, 0.89 Nm/kg, 3.83 W/kg, and 1.78 W/kg, respectively). The lead leg knee eccentric power was also lower in women (p<0.05). This decreased ability to exert knee control during stair descent transition may predispose women to a higher risk of fall. Copyright © 2014 Elsevier B.V. All rights reserved.

  10. Chronic disease self-management: views among older adults of Chinese descent.

    PubMed

    Wang, Jing; Matthews, Judith Tabolt

    2010-01-01

    To understand how Chinese culture influences chronic disease self-management, we conducted focus groups with older adults of Chinese descent. Specifically, we explored their perceptions and self-management practices regarding treatment adherence, lifestyle decisions, and patient-provider communication within the context of their culture. Copyright 2010. Published by Mosby, Inc.

  11. A High-Heritage Blunt-Body Entry, Descent, and Landing Concept for Human Mars Exploration

    NASA Technical Reports Server (NTRS)

    Price, Humphrey; Manning, Robert; Sklyanskiy, Evgeniy; Braun, Robert

    2016-01-01

    Human-scale landers require the delivery of much heavier payloads to the surface of Mars than is possible with entry, descent, and landing (EDL) approaches used to date. A conceptual design was developed for a 10 m diameter crewed Mars lander with an entry mass of approx.75 t that could deliver approx.28 t of useful landed mass (ULM) to a zero Mars areoid, or lower, elevation. The EDL design centers upon use of a high ballistic coefficient blunt-body entry vehicle and throttled supersonic retro-propulsion (SRP). The design concept includes a 26 t Mars Ascent Vehicle (MAV) that could support a crew of 2 for approx.24 days, a crew of 3 for approx.16 days, or a crew of 4 for approx.12 days. The MAV concept is for a fully-fueled single-stage vehicle that utilizes a single pump-fed 250 kN engine using Mono-Methyl Hydrazine (MMH) and Mixed Oxides of Nitrogen (MON-25) propellants that would deliver the crew to a low Mars orbit (LMO) at the end of the surface mission. The MAV concept could potentially provide abort-to-orbit capability during much of the EDL profile in response to fault conditions and could accommodate return to orbit for cases where the MAV had no access to other Mars surface infrastructure. The design concept for the descent stage utilizes six 250 kN MMH/MON-25 engines that would have very high commonality with the MAV engine. Analysis indicates that the MAV would require approx.20 t of propellant (including residuals) and the descent stage would require approx.21 t of propellant. The addition of a 12 m diameter supersonic inflatable aerodynamic decelerator (SIAD), based on a proven flight design, was studied as an optional method to improve the ULM fraction, reducing the required descent propellant by approx.4 t.

  12. A High-Heritage Blunt-Body Entry, Descent, and Landing Concept for Human Mars Exploration

    NASA Technical Reports Server (NTRS)

    Price, Humphrey; Manning, Robert; Sklyanskiy, Evgeniy; Braun, Robert

    2016-01-01

    Human-scale landers require the delivery of much heavier payloads to the surface of Mars than is possible with entry, descent, and landing (EDL) approaches used to date. A conceptual design was developed for a 10 m diameter crewed Mars lander with an entry mass of approx. 75 t that could deliver approx. 28 t of useful landed mass (ULM) to a zero Mars areoid, or lower, elevation. The EDL design centers upon use of a high ballistic coefficient blunt-body entry vehicle and throttled supersonic retro-propulsion (SRP). The design concept includes a 26 t Mars Ascent Vehicle (MAV) that could support a crew of 2 for approx. 24 days, a crew of 3 for approx.16 days, or a crew of 4 for approx.12 days. The MAV concept is for a fully-fueled single-stage vehicle that utilizes a single pump-fed 250 kN engine using Mono-Methyl Hydrazine (MMH) and Mixed Oxides of Nitrogen (MON-25) propellants that would deliver the crew to a low Mars orbit (LMO) at the end of the surface mission. The MAV concept could potentially provide abort-to-orbit capability during much of the EDL profile in response to fault conditions and could accommodate return to orbit for cases where the MAV had no access to other Mars surface infrastructure. The design concept for the descent stage utilizes six 250 kN MMH/MON-25 engines that would have very high commonality with the MAV engine. Analysis indicates that the MAV would require approx. 20 t of propellant (including residuals) and the descent stage would require approx. 21 t of propellant. The addition of a 12 m diameter supersonic inflatable aerodynamic decelerator (SIAD), based on a proven flight design, was studied as an optional method to improve the ULM fraction, reducing the required descent propellant by approx.4 t.

  13. Anticipatory kinematics and muscle activity preceding transitions from level-ground walking to stair ascent and descent.

    PubMed

    Peng, Joshua; Fey, Nicholas P; Kuiken, Todd A; Hargrove, Levi J

    2016-02-29

    The majority of fall-related accidents are during stair ambulation-occurring commonly at the top and bottom stairs of each flight, locations in which individuals are transitioning to stairs. Little is known about how individuals adjust their biomechanics in anticipation of walking-stair transitions. We identified the anticipatory stride mechanics of nine able-bodied individuals as they approached transitions from level ground walking to stair ascent and descent. Unlike prior investigations of stair ambulation, we analyzed two consecutive "anticipation" strides preceding the transitions strides to stairs, and tested a comprehensive set of kinematic and electromyographic (EMG) data from both the leading and trailing legs. Subjects completed ten trials of baseline overground walking and ten trials of walking to stair ascent and descent. Deviations relative to baseline were assessed. Significant changes in mechanics and EMG occurred in the earliest anticipation strides analyzed for both ascent and descent transitions. For stair descent, these changes were consistent with observed reductions in walking speed, which occurred in all anticipation strides tested. For stair ascent, subjects maintained their speed until the swing phase of the latest anticipation stride, and changes were found that would normally be observed for decreasing speed. Given the timing and nature of the observed changes, this study has implications for enhancing intent recognition systems and evaluating fall-prone or disabled individuals, by testing their abilities to sense upcoming transitions and decelerate during locomotion. Copyright © 2016 Elsevier Ltd. All rights reserved.

  14. Nurses of African descent and career advancement.

    PubMed

    Wesley, Yvonne; Dobal, May T

    2009-01-01

    The purpose of this article is to evaluate a leadership institute designed to promote career advancement and leadership in administration, education, and research among nurses of African descent. Government reports indicate that Black Americans receive lower quality health care than other racial groups even when insurance and income are equal. Moreover, the literature suggests that less than 10% of practicing professional nurses in America are Black-and of these, less than 1% are in senior executive leadership positions. However, the literature lacks detailed discussion of the effectiveness of leadership programs. This article provides an in-depth look at a leadership institute for Black nurses and outlines the impact of the program.

  15. Influence of working memory and executive function on stair ascent and descent in young and older adults.

    PubMed

    Gaillardin, Florence; Baudry, Stéphane

    2018-06-01

    This study assessed the influence of attention division, working memory and executive function on stair ascent and descent in young and older adults. Twenty young (25.5 ± 2.1 yrs) and 20 older adults (68.4 ± 5.4 yrs) ascended and descended a 3-step staircase with no simultaneous cognitive task (single-motor task) or while performing a cognitive task (dual-task condition). The cognitive task involved either 1) recalling a word list of the subject's word-span minus 2 words (SPAN-2) to assess the attention division effect, 2) a word list of subject's word-span (SPAN-O) to assess the working memory effect, or 3) recalling in alphabetical order, a word list of the subject's word-span (SPAN-A) to assess the executive function effect. Word-span corresponds to the longest string of words that can be recalled correctly. The duration of ascent and descent of stairs was used to assess the cognitive-motor interaction. Stair ascent and descent duration did not differ between age groups for the single-motor task, and was similar between single-motor task and SPAN-2 in both groups (p > 0.05). In contrast, stair ascent and descent duration increased with SPAN-O compared with SPAN-2 for both groups (p < 0.01). Stair ascent (p = 0.017) and descent (p = 0.008) were longer in SPAN-A than SPAN-O only in older adults. Healthy aging was not associated with a decrease in the capacity to perform motor-cognitive dual tasks that involved ascending and descending of stairs when the cognitive task only required working memory. However, the decrease in dual-task performance involving executive functioning may reflect a subclinical cognitive decline in healthy older adults. Copyright © 2018 Elsevier Inc. All rights reserved.

  16. Development of an analytical guidance algorithm for lunar descent

    NASA Astrophysics Data System (ADS)

    Chomel, Christina Tvrdik

    In recent years, NASA has indicated a desire to return humans to the moon. With NASA planning manned missions within the next couple of decades, the concept development for these lunar vehicles has begun. The guidance, navigation, and control (GN&C) computer programs that will perform the function of safely landing a spacecraft on the moon are part of that development. The lunar descent guidance algorithm takes the horizontally oriented spacecraft from orbital speeds hundreds of kilometers from the desired landing point to the landing point at an almost vertical orientation and very low speed. Existing lunar descent GN&C algorithms date back to the Apollo era with little work available for implementation since then. Though these algorithms met the criteria of the 1960's, they are cumbersome today. At the basis of the lunar descent phase are two elements: the targeting, which generates a reference trajectory, and the real-time guidance, which forces the spacecraft to fly that trajectory. The Apollo algorithm utilizes a complex, iterative, numerical optimization scheme for developing the reference trajectory. The real-time guidance utilizes this reference trajectory in the form of a quartic rather than a more general format to force the real-time trajectory errors to converge to zero; however, there exist no guarantees under any conditions for this convergence. The proposed algorithm implements a purely analytical targeting algorithm used to generate two-dimensional trajectories "on-the-fly"' or to retarget the spacecraft to another landing site altogether. It is based on the analytical solutions to the equations for speed, downrange, and altitude as a function of flight path angle and assumes two constant thrust acceleration curves. The proposed real-time guidance algorithm has at its basis the three-dimensional non-linear equations of motion and a control law that is proven to converge under certain conditions through Lyapunov analysis to a reference trajectory

  17. Regularization Paths for Cox's Proportional Hazards Model via Coordinate Descent.

    PubMed

    Simon, Noah; Friedman, Jerome; Hastie, Trevor; Tibshirani, Rob

    2011-03-01

    We introduce a pathwise algorithm for the Cox proportional hazards model, regularized by convex combinations of ℓ 1 and ℓ 2 penalties (elastic net). Our algorithm fits via cyclical coordinate descent, and employs warm starts to find a solution along a regularization path. We demonstrate the efficacy of our algorithm on real and simulated data sets, and find considerable speedup between our algorithm and competing methods.

  18. Flying Schedule-Matching Descents to Explore Flight Crews' Perceptions of Their Load and Task Feasibility

    NASA Technical Reports Server (NTRS)

    Martin, Lynne Hazel; Sharma, Shivanjli; Lozito, Sharon; Kaneshige, John; Hayashi, Miwa; Dulchinos, Victoria

    2012-01-01

    Multiple studies have investigated the development and use of ground-based (controller) tools to manage and schedule traffic in future terminal airspace. No studies have investigated the impacts that such tools (and concepts) could have on the flight-deck. To begin to redress the balance, an exploratory study investigated the procedures and actions of ten Boeing-747-400 crews as they flew eight continuous descent approaches in the Los Angeles terminal airspace, with the descents being controlled using speed alone. Although the study was exploratory in nature, four variables were manipulated: speed changes, route constraints, clearance phraseology, and winds. Despite flying the same scenarios with the same events and timing, there was at least a 50 second difference in the time it took crews to fly the approaches. This variation is the product of a number of factors but highlights potential difficulties for scheduling tools that would have to accommodate this amount of natural variation in descent times. The primary focus of this paper is the potential impact of ground scheduling tools on the flight crews performance and procedures. Crews reported "moderate to low" workload, on average; however, short periods of intense and high workload were observed. The non-flying pilot often reported a higher level of workload than the flying-pilot, which may be due to their increased interaction with the Flight Management Computer, when using the aircraft automation to assist with managing the descent clearances. It is concluded that ground-side tools and automation may have a larger impact on the current-day flight-deck than was assumed and that studies investigating this impact should continue in parallel with controller support tool development.

  19. Altair Descent and Ascent Reference Trajectory Design and Initial Dispersion Analyses

    NASA Technical Reports Server (NTRS)

    Kos, Larry D.; Polsgrove, Tara T.; Sostaric, Ronald r.; Braden, Ellen M.; Sullivan, Jacob J.; Lee, Thanh T.

    2010-01-01

    The Altair Lunar Lander is the linchpin in the Constellation Program (CxP) for human return to the Moon. Altair is delivered to low Earth orbit (LEO) by the Ares V heavy lift launch vehicle, and after subsequent docking with Orion in LEO, the Altair/Orion stack is delivered through translunar injection (TLI). The Altair/Orion stack separating from the Earth departure stage (EDS) shortly after TLI and continues the flight to the Moon as a single stack. Altair performs the lunar orbit insertion (LOI) maneuver, targeting a 100-km circular orbit. This orbit will be a polar orbit for missions landing near the lunar South Pole. After spending nearly 24 hours in low lunar orbit (LLO), the lander undocks from Orion and performs a series of small maneuvers to set up for descending to the lunar surface. This descent begins with a small deorbit insertion (DOI) maneuver, putting the lander on an orbit that has a perilune of 15.24 km (50,000 ft), the altitude where the actual powered descent initiation (PDI) commences. At liftoff from Earth, Altair has a mass of 45 metric tons (mt). However after LOI (without Orion attached), the lander mass is slightly less than 33 mt at PDI. The lander currently has a single descent module main engine, with TBD lb(sub f) thrust (TBD N), providing a thrust-to-weight ratio of approximately TBD Earth g's at PDI. LDAC-3 (Lander design and analysis cycle #3) is the most recently closed design sizing and mass properties iteration. Upgrades for loss of crew (LDAC-2) and loss of mission (LDAC-3) have been incorporated into the lander baseline design (and its Master Equipment List). Also, recently, Altair has been working requirements analyses (LRAC-1). All nominal data here are from the LDAC-3 analysis cycle. All dispersions results here are from LRAC-1 analyses.

  20. Mars Phoenix Entry, Descent, and Landing Simulation Design and Modelling Analysis

    NASA Technical Reports Server (NTRS)

    Prince, Jill L.; Desai, Prasun N.; Queen, Eric M.; Grover, Myron R.

    2008-01-01

    The 2007 Mars Phoenix Lander was launched in August of 2007 on a ten month cruise to reach the northern plains of Mars in May 2008. Its mission continues NASA s pursuit to find evidence of water on Mars. Phoenix carries upon it a slew of science instruments to study soil and ice samples from the northern region of the planet, an area previously undiscovered by robotic landers. In order for these science instruments to be useful, it was necessary for Phoenix to perform a safe entry, descent, and landing (EDL) onto the surface of Mars. The EDL design was defined through simulation and analysis of the various phases of the descent. An overview of the simulation and various models developed to characterize the EDL performance is provided. Monte Carlo statistical analysis was performed to assess the performance and robustness of the Phoenix EDL system and are presented in this paper. Using these simulation and modelling tools throughout the design and into the operations phase, the Mars Phoenix EDL was a success on May 25, 2008.

  1. Trajectory Guidance for Mars Robotic Precursors: Aerocapture, Entry, Descent, and Landing

    NASA Technical Reports Server (NTRS)

    Sostaric, Ronald R.; Zumwalt, Carlie; Garcia-Llama, Eduardo; Powell, Richard; Shidner, Jeremy

    2011-01-01

    Future crewed missions to Mars require improvements in landed mass capability beyond that which is possible using state-of-the-art Mars Entry, Descent, and Landing (EDL) systems. Current systems are capable of an estimated maximum landed mass of 1-1.5 metric tons (MT), while human Mars studies require 20-40 MT. A set of technologies were investigated by the EDL Systems Analysis (SA) project to assess the performance of candidate EDL architectures. A single architecture was selected for the design of a robotic precursor mission, entitled Exploration Feed Forward (EFF), whose objective is to demonstrate these technologies. In particular, inflatable aerodynamic decelerators (IADs) and supersonic retro-propulsion (SRP) have been shown to have the greatest mass benefit and extensibility to future exploration missions. In order to evaluate these technologies and develop the mission, candidate guidance algorithms have been coded into the simulation for the purposes of studying system performance. These guidance algorithms include aerocapture, entry, and powered descent. The performance of the algorithms for each of these phases in the presence of dispersions has been assessed using a Monte Carlo technique.

  2. POST2 End-To-End Descent and Landing Simulation for the Autonomous Landing and Hazard Avoidance Technology Project

    NASA Technical Reports Server (NTRS)

    Fisher, Jody l.; Striepe, Scott A.

    2007-01-01

    The Program to Optimize Simulated Trajectories II (POST2) is used as a basis for an end-to-end descent and landing trajectory simulation that is essential in determining the design and performance capability of lunar descent and landing system models and lunar environment models for the Autonomous Landing and Hazard Avoidance Technology (ALHAT) project. This POST2-based ALHAT simulation provides descent and landing simulation capability by integrating lunar environment and lander system models (including terrain, sensor, guidance, navigation, and control models), along with the data necessary to design and operate a landing system for robotic, human, and cargo lunar-landing success. This paper presents the current and planned development and model validation of the POST2-based end-to-end trajectory simulation used for the testing, performance and evaluation of ALHAT project system and models.

  3. 'The full has never been told': building a theory of sexual health for heterosexual Black men of Caribbean descent.

    PubMed

    Crowell, Candice N; Delgado-Romero, Edward A; Mosley, Della V; Huynh, Sophia

    2016-08-01

    Research on Black sexual health often fails to represent the heterogeneity of Black ethnic groups. For people of Caribbean descent in the USA, ethnicity is a salient cultural factor that influences definitions and experiences of sexual health. Most research on people of Caribbean descent focuses on the relatively high rate of STIs, but sexual health is defined more broadly than STI prevalence. Psychological and emotional indicators and the voice of participants are important to consider when exploring the sexual health of a minority culture. The purpose of this study was to qualitatively explore how heterosexual Black men of Caribbean descent define and understand sexual health for themselves. Eleven men who self-identified as Black, Caribbean and heterosexual participated in three focus groups and were asked to define sexual health, critique behaviours expertly identified as healthy and address what encourages and discourages sexual health in their lives. Findings point to six dimensions of sexual health for heterosexual Black men of Caribbean descent. These include: heterosexually privileged, protective, contextual, interpersonal, cultural and pleasurable dimensions. There were some notable departures from current expert definitions of sexual health. Recommendations for further theory development are provided.

  4. Performance Evaluation of a Lower Limb Exoskeleton for Stair Ascent and Descent with Paraplegia*

    PubMed Central

    Farris, Ryan J.; Quintero, Hugo A.; Goldfarb, Michael

    2013-01-01

    This paper describes the application of a powered lower limb exoskeleton to aid paraplegic individuals in stair ascent and descent. A brief description of the exoskeleton hardware is provided along with an explanation of the control methodology implemented to allow stair ascent and descent. Tests were performed with a paraplegic individual (T10 complete injury level) and data is presented from multiple trials, including the hip and knee joint torque and power required to perform this functionality. Joint torque and power requirements are summarized, including peak hip and knee joint torque requirements of 0.75 Nm/kg and 0.87 Nm/kg, respectively, and peak hip and knee joint power requirements of approximately 0.65 W/kg and 0.85 W/kg, respectively. PMID:23366287

  5. Preliminary Assessment of the Mars Science Laboratory Entry, Descent, and Landing Simulation

    NASA Technical Reports Server (NTRS)

    Way, David W.

    2013-01-01

    On August 5, 2012, the Mars Science Laboratory rover, Curiosity, successfully landed inside Gale Crater. This landing was only the seventh successful landing and fourth rover to be delivered to Mars. Weighing nearly one metric ton, Curiosity is the largest and most complex rover ever sent to investigate another planet. Safely landing such a large payload required an innovative Entry, Descent, and Landing system, which included the first guided entry at Mars, the largest supersonic parachute ever flown at Mars, and a novel and untested Sky Crane landing system. A complete, end-to-end, six degree-of-freedom, multibody computer simulation of the Mars Science Laboratory Entry, Descent, and Landing sequence was developed at the NASA Langley Research Center. In-flight data gathered during the successful landing is compared to pre-flight statistical distributions, predicted by the simulation. These comparisons provide insight into both the accuracy of the simulation and the overall performance of the vehicle.

  6. A Critical Analysis of Western Perspectives on Families of Arab Descent

    ERIC Educational Resources Information Center

    Beitin, Ben K.; Allen, Katherine R.; Bekheet, Maureen

    2010-01-01

    Western research on families of Arab descent has increased in the current decade, compared to the previous 30 years. In this review of 256 empirical articles, through a critical postcolonial lens, domestic violence and family planning were the two most established areas of study. Generally, samples have come from a small group of countries such as…

  7. Rotary-Wing Decelerators for Probe Descent Through the Atmosphere of Venus

    NASA Technical Reports Server (NTRS)

    Young, Larry A.; Briggs, Geoffrey; Aiken, Edwin; Pisanich, Greg

    2005-01-01

    An innovative concept is proposed for atmospheric entry probe deceleration, wherein one or more deployed rotors (in autorotation or wind-turbine flow states) on the aft end of the probe effect controlled descent. This concept is particularly oriented toward probes intended to land safely on the surface of Venus. Initial work on design trade studies is discussed.

  8. Multibody Modeling and Simulation for the Mars Phoenix Lander Entry, Descent and Landing

    NASA Technical Reports Server (NTRS)

    Queen, Eric M.; Prince, Jill L.; Desai, Prasun N.

    2008-01-01

    A multi-body flight simulation for the Phoenix Mars Lander has been developed that includes high fidelity six degree-of-freedom rigid-body models for the parachute and lander system. The simulation provides attitude and rate history predictions of all bodies throughout the flight, as well as loads on each of the connecting lines. In so doing, a realistic behavior of the descending parachute/lander system dynamics can be simulated that allows assessment of the Phoenix descent performance and identification of potential sensitivities for landing. This simulation provides a complete end-to-end capability of modeling the entire entry, descent, and landing sequence for the mission. Time histories of the parachute and lander aerodynamic angles are presented. The response of the lander system to various wind models and wind shears is shown to be acceptable. Monte Carlo simulation results are also presented.

  9. Cardiovascular disease, diabetes and established risk factors among populations of sub-Saharan African descent in Europe: a literature review

    PubMed Central

    Agyemang, Charles; Addo, Juliet; Bhopal, Raj; de Graft Aikins, Ama; Stronks, Karien

    2009-01-01

    Background Most European countries are ethnically and culturally diverse. Globally, cardiovascular disease (CVD) is the leading cause of death. The major risk factors for CVD have been well established. This picture holds true for all regions of the world and in different ethnic groups. However, the prevalence of CVD and related risk factors vary among ethnic groups. Methods This article provides a review of current understanding of the epidemiology of vascular disease, principally coronary heart disease (CHD), stroke and related risk factors among populations of Sub-Sahara African descent (henceforth, African descent) in comparison with the European populations in Europe. Results Compared with European populations, populations of African descent have an increased risk of stroke, whereas CHD is less common. They also have higher rates of hypertension and diabetes than European populations. Obesity is highly prevalent, but smoking rate is lower among African descent women. Older people of African descent have more favourable lipid profile and dietary habits than their European counterparts. Alcohol consumption is less common among populations of African descent. The rate of physical activity differs between European countries. Dutch African-Suriname men and women are less physically active than the White-Dutch whereas British African women are more physically active than women in the general population. Literature on psychosocial stress shows inconsistent results. Conclusion Hypertension and diabetes are highly prevalent among African populations, which may explain their high rate of stroke in Europe. The relatively low rate of CHD may be explained by the low rates of other risk factors including a more favourable lipid profile and the low prevalence of smoking. The risk factors are changing, and on the whole, getting worse especially among African women. Cohort studies and clinical trials are therefore needed among these groups to determine the relative

  10. Assessment on EXPERT Descent and Landing System Aerodynamics

    NASA Astrophysics Data System (ADS)

    Wong, H.; Muylaert, J.; Northey, D.; Riley, D.

    2009-01-01

    EXPERT is a re-entry vehicle designed for validation of aero-thermodynamic models, numerical schemes in Computational Fluid Dynamics codes and test facilities for measuring flight data under an Earth re-entry environment. This paper addresses the design for the descent and landing sequence for EXPERT. It includes the descent sequence, the choice of drogue and main parachutes, and the parachute deployment condition, which can be supersonic or subsonic. The analysis is based mainly on an engineering tool, PASDA, together with some hand calculations for parachute sizing and design. The tool consists of a detailed 6-DoF simulation performed with the aerodynamics database of the vehicle, an empirical wakes model and the International Standard Atmosphere database. The aerodynamics database for the vehicle is generated by DNW experimental data and CFD codes within the framework of an ESA contract to CIRA. The analysis will be presented in terms of altitude, velocity, accelerations, angle-of- attack, pitch angle and angle of rigging line. Discussion on the advantages and disadvantages of each parachute deployment condition is included in addition to some comparison with the available data based on a Monte-Carlo method from a Russian company, FSUE NIIPS. Sensitivity on wind speed to the performance of EXPERT is shown to be strong. Supersonic deployment of drogue shows a better performance in stability at the expense of a larger G-load than those from the subsonic deployment of drogue. Further optimization on the parachute design is necessary in order to fulfill all the EXPERT specifications.

  11. Shuttle program: OFT ascent/descent ancillary data requirements document

    NASA Technical Reports Server (NTRS)

    Bond, A. C., Jr.; Knoedler, J.

    1980-01-01

    Requirements are presented for the ascent/descent (A/D) navigation and attitude-dependent ancillary data products to be generated for the space shuttle orbiter in support of the orbital flight test (OFT) flight test requirements, MPAD guidance and navigation performance assessment, and the mission evaluation team. The A/D ancillary data support for OFT mission evaluation activities is confined to providing postflight position, velocity, attitude, and associated navigation and attitude derived parameters for the Orbiter over particular flight phases and time intervals.

  12. Probability of identity by descent in metapopulations.

    PubMed Central

    Kaj, I; Lascoux, M

    1999-01-01

    Equilibrium probabilities of identity by descent (IBD), for pairs of genes within individuals, for genes between individuals within subpopulations, and for genes between subpopulations are calculated in metapopulation models with fixed or varying colony sizes. A continuous-time analog to the Moran model was used in either case. For fixed-colony size both propagule and migrant pool models were considered. The varying population size model is based on a birth-death-immigration (BDI) process, to which migration between colonies is added. Wright's F statistics are calculated and compared to previous results. Adding between-island migration to the BDI model can have an important effect on the equilibrium probabilities of IBD and on Wright's index. PMID:10388835

  13. Deep Learning the Universe

    NASA Astrophysics Data System (ADS)

    Singh, Shiwangi; Bard, Deborah

    2017-01-01

    Weak gravitational lensing is an effective tool to map the structure of matter in the universe, and has been used for more than ten years as a probe of the nature of dark energy. Beyond the well-established two-point summary statistics, attention is now turning to methods that use the full statistical information available in the lensing observables, through analysis of the reconstructed shear field. This offers an opportunity to take advantage of powerful deep learning methods for image analysis. We present two early studies that demonstrate that deep learning can be used to characterise features in weak lensing convergence maps, and to identify the underlying cosmological model that produced them.We developed an unsupervised Denoising Convolutional Autoencoder model in order to learn an abstract representation directly from our data. This model uses a convolution-deconvolution architecture, which is fed with input data (corrupted with binomial noise to prevent over-fitting). Our model effectively trains itself to minimize the mean-squared error between the input and the output using gradient descent, resulting in a model which, theoretically, is broad enough to tackle other similarly structured problems. Using this model we were able to successfully reconstruct simulated convergence maps and identify the structures in them. We also determined which structures had the highest “importance” - i.e. which structures were most typical of the data. We note that the structures that had the highest importance in our reconstruction were around high mass concentrations, but were highly non-Gaussian.We also developed a supervised Convolutional Neural Network (CNN) for classification of weak lensing convergence maps from two different simulated theoretical models. The CNN uses a softmax classifier which minimizes a binary cross-entropy loss between the estimated distribution and true distribution. In other words, given an unseen convergence map the trained CNN determines

  14. Autonomous optimal trajectory design employing convex optimization for powered descent on an asteroid

    NASA Astrophysics Data System (ADS)

    Pinson, Robin Marie

    Mission proposals that land spacecraft on asteroids are becoming increasingly popular. However, in order to have a successful mission the spacecraft must reliably and softly land at the intended landing site with pinpoint precision. The problem under investigation is how to design a propellant (fuel) optimal powered descent trajectory that can be quickly computed onboard the spacecraft, without interaction from ground control. The goal is to autonomously design the optimal powered descent trajectory onboard the spacecraft immediately prior to the descent burn for use during the burn. Compared to a planetary powered landing problem, the challenges that arise from designing an asteroid powered descent trajectory include complicated nonlinear gravity fields, small rotating bodies, and low thrust vehicles. The nonlinear gravity fields cannot be represented by a constant gravity model nor a Newtonian model. The trajectory design algorithm needs to be robust and efficient to guarantee a designed trajectory and complete the calculations in a reasonable time frame. This research investigates the following questions: Can convex optimization be used to design the minimum propellant powered descent trajectory for a soft landing on an asteroid? Is this method robust and reliable to allow autonomy onboard the spacecraft without interaction from ground control? This research designed a convex optimization based method that rapidly generates the propellant optimal asteroid powered descent trajectory. The solution to the convex optimization problem is the thrust magnitude and direction, which designs and determines the trajectory. The propellant optimal problem was formulated as a second order cone program, a subset of convex optimization, through relaxation techniques by including a slack variable, change of variables, and incorporation of the successive solution method. Convex optimization solvers, especially second order cone programs, are robust, reliable, and are guaranteed

  15. Prevalence of Hb S (HHB: c.20A > T) in a Honduran population of African descent.

    PubMed

    Erazo, Brian M; Ramírez, Gilberto A; Cerrato, Linda E; Pinto, Luis J; Castro, Edder J; Yanez, Néstor J; Montoya, Brayan; Fontecha, Gustavo A

    2015-01-01

    Sickle cell disease is the most common hemoglobinopathy worldwide, particularly in Africa and among people of African descent. Serious clinical consequences characterize the homozygous condition. To determine the prevalence of Hb S (HBB: c.20A > T) and anemia in a community of people of African descent from Honduras, 202 individuals were analyzed by polymerase chain reaction-restriction fragment length polymorphism (PCR-RFLP). The high prevalence found indicates that it is necessary to implement a program to prevent the consequences of this disease in vulnerable populations of Honduras.

  16. Fuel-Efficient Descent and Landing Guidance Logic for a Safe Lunar Touchdown

    NASA Technical Reports Server (NTRS)

    Lee, Allan Y.

    2011-01-01

    The landing of a crewed lunar lander on the surface of the Moon will be the climax of any Moon mission. At touchdown, the landing mechanism must absorb the load imparted on the lander due to the vertical component of the lander's touchdown velocity. Also, a large horizontal velocity must be avoided because it could cause the lander to tip over, risking the life of the crew. To be conservative, the worst-case lander's touchdown velocity is always assumed in designing the landing mechanism, making it very heavy. Fuel-optimal guidance algorithms for soft planetary landing have been studied extensively. In most of these studies, the lander is constrained to touchdown with zero velocity. With bounds imposed on the magnitude of the engine thrust, the optimal control solutions typically have a "bang-bang" thrust profile: the thrust magnitude "bangs" instantaneously between its maximum and minimum magnitudes. But the descent engine might not be able to throttle between its extremes instantaneously. There is also a concern about the acceptability of "bang-bang" control to the crew. In our study, the optimal control of a lander is formulated with a cost function that penalizes both the touchdown velocity and the fuel cost of the descent engine. In this formulation, there is not a requirement to achieve a zero touchdown velocity. Only a touchdown velocity that is consistent with the capability of the landing gear design is required. Also, since the nominal throttle level for the terminal descent sub-phase is well below the peak engine thrust, no bound on the engine thrust is used in our formulated problem. Instead of bangbang type solution, the optimal thrust generated is a continuous function of time. With this formulation, we can easily derive analytical expressions for the optimal thrust vector, touchdown velocity components, and other system variables. These expressions provide insights into the "physics" of the optimal landing and terminal descent maneuver. These

  17. Three learning phases for radial-basis-function networks.

    PubMed

    Schwenker, F; Kestler, H A; Palm, G

    2001-05-01

    In this paper, learning algorithms for radial basis function (RBF) networks are discussed. Whereas multilayer perceptrons (MLP) are typically trained with backpropagation algorithms, starting the training procedure with a random initialization of the MLP's parameters, an RBF network may be trained in many different ways. We categorize these RBF training methods into one-, two-, and three-phase learning schemes. Two-phase RBF learning is a very common learning scheme. The two layers of an RBF network are learnt separately; first the RBF layer is trained, including the adaptation of centers and scaling parameters, and then the weights of the output layer are adapted. RBF centers may be trained by clustering, vector quantization and classification tree algorithms, and the output layer by supervised learning (through gradient descent or pseudo inverse solution). Results from numerical experiments of RBF classifiers trained by two-phase learning are presented in three completely different pattern recognition applications: (a) the classification of 3D visual objects; (b) the recognition hand-written digits (2D objects); and (c) the categorization of high-resolution electrocardiograms given as a time series (ID objects) and as a set of features extracted from these time series. In these applications, it can be observed that the performance of RBF classifiers trained with two-phase learning can be improved through a third backpropagation-like training phase of the RBF network, adapting the whole set of parameters (RBF centers, scaling parameters, and output layer weights) simultaneously. This, we call three-phase learning in RBF networks. A practical advantage of two- and three-phase learning in RBF networks is the possibility to use unlabeled training data for the first training phase. Support vector (SV) learning in RBF networks is a different learning approach. SV learning can be considered, in this context of learning, as a special type of one-phase learning, where

  18. Reduced-gravity Testing of The Huygens Probe Ssp Tiltmeter and Hasi Accelerometer Sensors and Their Role In Reconstruction of The Probe Descent Dynamics

    NASA Astrophysics Data System (ADS)

    Ghafoor, N.; Zarnecki, J.

    When the ESA Huygens Probe arrives at Titan in 2005, measurements taken during and after the descent through the atmosphere are likely to revolutionise our under- standing of SaturnSs most enigmatic moon. The accurate atmospheric profiling of Titan from these measurements will require knowledge of the probe descent trajectory and in some cases attitude history, whilst certain atmospheric information (e.g. wind speeds) may be inferred directly from the probe dynamics during descent. Two of the instruments identified as contributing valuable information for the reconstruction of the probeSs parachute descent dynamics are the Surface Science Package Tilt sensor (SSP-TIL) and the Huygens Atmospheric Structure Instrument servo accelerometer (HASI-ACC). This presentation provides an overview of these sensors and their static calibration before describing an investigation into their real-life dynamic performance under simulated Titan-gravity conditions via a low-cost parabolic flight opportunity. The combined use of SSP-TIL and HASI-ACC in characterising the aircraft dynam- ics is also demonstrated and some important challenges are highlighted. Results from some simple spin tests are also presented. Finally, having validated the performance of the sensors under simulated Titan conditions, estimates are made as to the output of SSP-TIL and HASI-ACC under a variety of probe dynamics, ranging from verti- cal descent with spin to a simple 3 degree-of-freedom parachute descent model with horizontal gusting. It is shown how careful consideration must be given to the instru- mentsS principles of operation in each case, and also the impact of the sampling rates and resolutions as selected for the Huygens mission. The presentation concludes with a discussion of ongoing work on more advanced descent modelling and surface dy- namics modelling, and also of a proposal for the testing of the sensors on a sea-surface.

  19. Predictive Modeling for NASA Entry, Descent and Landing Missions

    NASA Technical Reports Server (NTRS)

    Wright, Michael

    2016-01-01

    Entry, Descent and Landing (EDL) Modeling and Simulation (MS) is an enabling capability for complex NASA entry missions such as MSL and Orion. MS is used in every mission phase to define mission concepts, select appropriate architectures, design EDL systems, quantify margin and risk, ensure correct system operation, and analyze data returned from the entry. In an environment where it is impossible to fully test EDL concepts on the ground prior to use, accurate MS capability is required to extrapolate ground test results to expected flight performance.

  20. A new modified conjugate gradient coefficient for solving system of linear equations

    NASA Astrophysics Data System (ADS)

    Hajar, N.; ‘Aini, N.; Shapiee, N.; Abidin, Z. Z.; Khadijah, W.; Rivaie, M.; Mamat, M.

    2017-09-01

    Conjugate gradient (CG) method is an evolution of computational method in solving unconstrained optimization problems. This approach is easy to implement due to its simplicity and has been proven to be effective in solving real-life application. Although this field has received copious amount of attentions in recent years, some of the new approaches of CG algorithm cannot surpass the efficiency of the previous versions. Therefore, in this paper, a new CG coefficient which retains the sufficient descent and global convergence properties of the original CG methods is proposed. This new CG is tested on a set of test functions under exact line search. Its performance is then compared to that of some of the well-known previous CG methods based on number of iterations and CPU time. The results show that the new CG algorithm has the best efficiency amongst all the methods tested. This paper also includes an application of the new CG algorithm for solving large system of linear equations

  1. Decoding of finger trajectory from ECoG using deep learning.

    PubMed

    Xie, Ziqian; Schwartz, Odelia; Prasad, Abhishek

    2018-06-01

    eliminated the need to separately train the model at each step in the decoding pipeline. The whole system can be jointly optimized using stochastic gradient descent and is capable of online learning.

  2. International Space Station (ISS) Soyuz Vehicle Descent Module Evaluation of Thermal Protection System (TPS) Penetration Characteristics

    NASA Technical Reports Server (NTRS)

    Davis, Bruce A.; Christiansen, Eric L.; Lear, Dana M.; Prior, Tom

    2013-01-01

    The descent module (DM) of the ISS Soyuz vehicle is covered by thermal protection system (TPS) materials that provide protection from heating conditions experienced during reentry. Damage and penetration of these materials by micrometeoroid and orbital debris (MMOD) impacts could result in loss of vehicle during return phases of the mission. The descent module heat shield has relatively thick TPS and is protected by the instrument-service module. The TPS materials on the conical sides of the descent module (referred to as backshell in this test plan) are exposed to more MMOD impacts and are relatively thin compared to the heat shield. This test program provides hypervelocity impact (HVI) data on materials similar in composition and density to the Soyuz TPS on the backshell of the vehicle. Data from this test program was used to update ballistic limit equations used in Soyuz TPS penetration risk assessments. The impact testing was coordinated by the NASA Johnson Space Center (JSC) Hypervelocity Impact Technology (HVIT) Group [1] in Houston, Texas. The HVI testing was conducted at the NASA-JSC White Sands Hypervelocity Impact Test Facility (WSTF) at Las Cruces, New Mexico. Figure

  3. Engineering mechanical gradients in next generation biomaterials - Lessons learned from medical textile design.

    PubMed

    Ng, Joanna L; Collins, Ciara E; Knothe Tate, Melissa L

    2017-07-01

    Nonwoven and textile membranes have been applied both externally and internally to prescribe boundary conditions for medical conditions as diverse as oedema and tissue defects. Incorporation of mechanical gradients in next generation medical membrane design offers great potential to enhance function in a dynamic, physiological context. Yet the gradient properties and resulting mechanical performance of current membranes are not well described. To bridge this knowledge gap, we tested and compared the mechanical properties of bounding membranes used in both external (compression sleeves for oedema, exercise bands) and internal (surgical membranes) physiological contexts. We showed that anisotropic compression garment textiles, isotropic exercise bands and surgical membranes exhibit similar ranges of resistance to tension under physiologic strains. However, their mechanical gradients and resulting stress-strain relationships show differences in work capacity and energy expenditure. Exercise bands' moduli of elasticity and respective thicknesses allow for controlled, incremental increases in loading to facilitate healing as injured tissues return to normal structure and function. In contrast, the gradients intrinsic to compression sleeve design exhibit gaps in the middle range (1-5N) of physiological strains and also inconsistencies along the length of the sleeve, resulting in less than optimal performance of these devices. These current shortcomings in compression textile and garment design may be addressed in the future through implementation of novel approaches. For example, patterns, fibre compositions, and fibre anisotropy can be incorporated into biomaterial design to achieve seamless mechanical gradients in structure and resulting dynamic function, which would be particularly useful in physiological contexts. These concepts can be applied further to biomaterial design to deliver pressure gradients during movement of oedematous limbs (compression garments) and

  4. Evidence of compensatory joint kinetics during stair ascent and descent in Parkinson's disease.

    PubMed

    Conway, Zachary J; Silburn, Peter A; Blackmore, Tim; Cole, Michael H

    2017-02-01

    Stair ambulation is a challenging activity of daily life that requires larger joint moments than walking. Stabilisation of the body and prevention of lower limb collapse during this task depends upon adequately-sized hip, knee and ankle extensor moments. However, people with Parkinson's disease (PD) often present with strength deficits that may impair their capacity to control the lower limbs and ultimately increase their falls risk. To investigate hip, knee and ankle joint moments during stair ascent and descent and determine the contribution of these joints to the body's support in people with PD. Twelve PD patients and twelve age-matched controls performed stair ascent and descent trials. Data from an instrumented staircase and a three-dimensional motion analysis system were used to derive sagittal hip, knee and ankle moments. Support moment impulses were calculated by summing all extensor moment impulses and the relative contribution of each joint was calculated. Linear mixed model analyses indicated that PD patients walked slower and had a reduced cadence relative to controls. Although support moment impulses were typically not different between groups during stair ascent or descent, a reduced contribution by the ankle joint required an increased knee joint contribution for the PD patients. Despite having poorer knee extensor strength, people with PD rely more heavily on these muscles during stair walking. This adaptation could possibly be driven by the somewhat restricted mobility of this joint, which may provide these individuals with an increased sense of stability during these tasks. Copyright © 2016 Elsevier B.V. All rights reserved.

  5. Attitudes towards and perceptions about contraceptive use among married refugee women of Somali descent living in Finland.

    PubMed

    Degni, F; Koivusilta, L; Ojanlatva, A

    2006-09-01

    To assess attitudes towards and perceptions about contraceptive use among married refugee women of Somali descent living in Finland. A sample of 100 married refugee women of Somali descent (18-50 years of age) were invited to participate in a study on contraceptive use in Finland (30 women refused). Qualitative and quantitative methods were used to collect the data. Questionnaire of the first data set was written in the Somali language. Interviews were conducted in the Somali language. The attitudes and opinions of these women towards contraceptive use (73% did not use contraceptives, 27% did use them) were connected with religious beliefs and issues involving marital relations. Religious or gender issues did not seem to influence those who used contraception. The findings indicated that the majority of the married refugee women of Somali descent living in Finland did not use contraception. The process of starting the use of contraception was possible because of an access to good reproductive health care and family planning services, changes in life situations, and adaptations to Finnish social and cultural norms.

  6. Majorization Minimization by Coordinate Descent for Concave Penalized Generalized Linear Models

    PubMed Central

    Jiang, Dingfeng; Huang, Jian

    2013-01-01

    Recent studies have demonstrated theoretical attractiveness of a class of concave penalties in variable selection, including the smoothly clipped absolute deviation and minimax concave penalties. The computation of the concave penalized solutions in high-dimensional models, however, is a difficult task. We propose a majorization minimization by coordinate descent (MMCD) algorithm for computing the concave penalized solutions in generalized linear models. In contrast to the existing algorithms that use local quadratic or local linear approximation to the penalty function, the MMCD seeks to majorize the negative log-likelihood by a quadratic loss, but does not use any approximation to the penalty. This strategy makes it possible to avoid the computation of a scaling factor in each update of the solutions, which improves the efficiency of coordinate descent. Under certain regularity conditions, we establish theoretical convergence property of the MMCD. We implement this algorithm for a penalized logistic regression model using the SCAD and MCP penalties. Simulation studies and a data example demonstrate that the MMCD works sufficiently fast for the penalized logistic regression in high-dimensional settings where the number of covariates is much larger than the sample size. PMID:25309048

  7. Kinematic analyses during stair descent in young women with patellofemoral pain.

    PubMed

    Grenholm, Anton; Stensdotter, Ann-Katrin; Häger-Ross, Charlotte

    2009-01-01

    Compensatory movement strategies may develop in response to pain to avoid stress on the affected area. Patellofemoral pain is characterised by intermittent periods of pain and the present study addresses whether long-term pain leads to compensatory movement strategies that remain even when the pain is absent. Lower extremity kinematics in three dimensions was studied in stair descent in 17 women with patellofemoral and in 17 matched controls. A two-dimensional geometric model was constructed to normalise kinematic data for subjects with varying anthropometrics when negotiating stairs of fixed proportions. There were minor differences in movement patterns between groups. Knee joint angular velocity in the stance leg at foot contact was lower and the movement trajectory tended to be jerkier in the patellofemoral group. The two-dimensional model showed greater plantar flexion in the swing leg in preparation for foot placement in the patellofemoral group. The results indicate that an altered stair descent strategy in the patellofemoral group may remain also in the absence of pain. The biomechanical interpretation presumes that the strategy is aimed to reduce knee joint loading by less knee joint moment and lower impact force.

  8. Reinforcement learning design-based adaptive tracking control with less learning parameters for nonlinear discrete-time MIMO systems.

    PubMed

    Liu, Yan-Jun; Tang, Li; Tong, Shaocheng; Chen, C L Philip; Li, Dong-Juan

    2015-01-01

    Based on the neural network (NN) approximator, an online reinforcement learning algorithm is proposed for a class of affine multiple input and multiple output (MIMO) nonlinear discrete-time systems with unknown functions and disturbances. In the design procedure, two networks are provided where one is an action network to generate an optimal control signal and the other is a critic network to approximate the cost function. An optimal control signal and adaptation laws can be generated based on two NNs. In the previous approaches, the weights of critic and action networks are updated based on the gradient descent rule and the estimations of optimal weight vectors are directly adjusted in the design. Consequently, compared with the existing results, the main contributions of this paper are: 1) only two parameters are needed to be adjusted, and thus the number of the adaptation laws is smaller than the previous results and 2) the updating parameters do not depend on the number of the subsystems for MIMO systems and the tuning rules are replaced by adjusting the norms on optimal weight vectors in both action and critic networks. It is proven that the tracking errors, the adaptation laws, and the control inputs are uniformly bounded using Lyapunov analysis method. The simulation examples are employed to illustrate the effectiveness of the proposed algorithm.

  9. Vertical Descent and Landing Tests of a 0.13-Scale Model of the Convair XFY-1 Vertically Rising Airplane in Still Air, TED No. NACA DE 368

    NASA Technical Reports Server (NTRS)

    Smith, Charlee C., Jr.; Lovell, Powell M., Jr.

    1954-01-01

    An investigation is being conducted to determine the dynamic stability and control characteristics of a 0.13-scale flying model of Convair XFY-1 vertically rising airplane. This paper presents the results of flight and force tests to determine the stability and control characteristics of the model in vertical descent and landings in still air. The tests indicated that landings, including vertical descent from altitudes representing up to 400 feet for the full-scale airplane and at rates of descent up to 15 or 20 feet per second (full scale), can be performed satisfactorily. Sustained vertical descent in still air probably will be more difficult to perform because of large random trim changes that become greater as the descent velocity is increased. A slight steady head wind or cross wind might be sufficient to eliminate the random trim changes.

  10. Descent advisor preliminary field test

    NASA Technical Reports Server (NTRS)

    Green, Steven M.; Vivona, Robert A.; Sanford, Beverly

    1995-01-01

    A field test of the Descent Advisor (DA) automation tool was conducted at the Denver Air Route Traffic Control Center in September 1994. DA is being developed to assist Center controllers in the efficient management and control of arrival traffic. DA generates advisories, based on trajectory predictions, to achieve accurate meter-fix arrival times in a fuel efficient manner while assisting the controller with the prediction and resolution of potential conflicts. The test objectives were to evaluate the accuracy of DA trajectory predictions for conventional- and flight-management-system-equipped jet transports, to identify significant sources of trajectory prediction error, and to investigate procedural and training issues (both air and ground) associated with DA operations. Various commercial aircraft (97 flights total) and a Boeing 737-100 research aircraft participated in the test. Preliminary results from the primary test set of 24 commercial flights indicate a mean DA arrival time prediction error of 2.4 sec late with a standard deviation of 13.1 sec. This paper describes the field test and presents preliminary results for the commercial flights.

  11. Descent Advisor Preliminary Field Test

    NASA Technical Reports Server (NTRS)

    Green, Steven M.; Vivona, Robert A.; Sanford, Beverly

    1995-01-01

    A field test of the Descent Advisor (DA) automation tool was conducted at the Denver Air Route Traffic Control Center in September 1994. DA is being developed to assist Center controllers in the efficient management and control of arrival traffic. DA generates advisories, based on trajectory predictions, to achieve accurate meter-fix arrival times in a fuel efficient manner while assisting the controller with the prediction and resolution of potential conflicts. The test objectives were: (1) to evaluate the accuracy of DA trajectory predictions for conventional and flight-management system equipped jet transports, (2) to identify significant sources of trajectory prediction error, and (3) to investigate procedural and training issues (both air and ground) associated with DA operations. Various commercial aircraft (97 flights total) and a Boeing 737-100 research aircraft participated in the test. Preliminary results from the primary test set of 24 commercial flights indicate a mean DA arrival time prediction error of 2.4 seconds late with a standard deviation of 13.1 seconds. This paper describes the field test and presents preliminary results for the commercial flights.

  12. Test results of flight guidance for fuel conservative descents in a time-based metered air traffic environment. [terminal configured vehicle

    NASA Technical Reports Server (NTRS)

    Knox, C. E.; Person, L. H., Jr.

    1981-01-01

    The NASA developed, implemented, and flight tested a flight management algorithm designed to improve the accuracy of delivering an airplane in a fuel-conservative manner to a metering fix at a time designated by air traffic control. This algorithm provides a 3D path with time control (4D) for the TCV B-737 airplane to make an idle-thrust, clean configured (landing gear up, flaps zero, and speed brakes retracted) descent to arrive at the metering fix at a predetermined time, altitude, and airspeed. The descent path is calculated for a constant Mach/airspeed schedule from linear approximations of airplane performance with considerations given for gross weight, wind, and nonstandard pressure and temperature effects. The flight management descent algorithms are described and flight test results are presented.

  13. Powered ankle-foot prosthesis to assist level-ground and stair-descent gaits.

    PubMed

    Au, Samuel; Berniker, Max; Herr, Hugh

    2008-05-01

    The human ankle varies impedance and delivers net positive work during the stance period of walking. In contrast, commercially available ankle-foot prostheses are passive during stance, causing many clinical problems for transtibial amputees, including non-symmetric gait patterns, higher gait metabolism, and poorer shock absorption. In this investigation, we develop and evaluate a myoelectric-driven, finite state controller for a powered ankle-foot prosthesis that modulates both impedance and power output during stance. The system employs both sensory inputs measured local to the external prosthesis, and myoelectric inputs measured from residual limb muscles. Using local prosthetic sensing, we first develop two finite state controllers to produce biomimetic movement patterns for level-ground and stair-descent gaits. We then employ myoelectric signals as control commands to manage the transition between these finite state controllers. To transition from level-ground to stairs, the amputee flexes the gastrocnemius muscle, triggering the prosthetic ankle to plantar flex at terminal swing, and initiating the stair-descent state machine algorithm. To transition back to level-ground walking, the amputee flexes the tibialis anterior muscle, triggering the ankle to remain dorsiflexed at terminal swing, and initiating the level-ground state machine algorithm. As a preliminary evaluation of clinical efficacy, we test the device on a transtibial amputee with both the proposed controller and a conventional passive-elastic control. We find that the amputee can robustly transition between the finite state controllers through direct muscle activation, allowing rapid transitioning from level-ground to stair walking patterns. Additionally, we find that the proposed finite state controllers result in a more biomimetic ankle response, producing net propulsive work during level-ground walking and greater shock absorption during stair descent. The results of this study highlight the

  14. Scaling Up Coordinate Descent Algorithms for Large ℓ1 Regularization Problems

    DOE Office of Scientific and Technical Information (OSTI.GOV)

    Scherrer, Chad; Halappanavar, Mahantesh; Tewari, Ambuj

    2012-07-03

    We present a generic framework for parallel coordinate descent (CD) algorithms that has as special cases the original sequential algorithms of Cyclic CD and Stochastic CD, as well as the recent parallel Shotgun algorithm of Bradley et al. We introduce two novel parallel algorithms that are also special cases---Thread-Greedy CD and Coloring-Based CD---and give performance measurements for an OpenMP implementation of these.

  15. Revalidation of the Huygens Descent Control Sub-System

    NASA Technical Reports Server (NTRS)

    2005-01-01

    The Huygens probe, part of the Cassini mission to Saturn, is designed to investigate the atmosphere of Titan, Saturn's largest moon. The passage of the probe through the atmosphere is controlled by the Descent Control Sub-System (DCSS), which consists of three parachutes and associated mechanisms. The Cassini / Huygens mission was launched in October 1997 and was designed during the early 1990's. During the time since the design and launch, analysis capabilities have improved significantly, knowledge of the Titan environment has improved and the baseline mission has been modified. Consequently, a study was performed to revalidate the DCSS design against the current predictions.

  16. Entry, Descent, and Landing Communications for the 2011 Mars Science Laboratory

    NASA Technical Reports Server (NTRS)

    Abilleira, Fernando; Shidner, Jeremy D.

    2012-01-01

    The Mars Science Laboratory (MSL), established as the most advanced rover to land on the surface of Mars to date, launched on November 26th, 2011 and arrived to the Martian Gale Crater during the night of August 5th, 2012 (PDT). MSL will investigate whether the landing region was ever suitable to support carbon-based life, and examine rocks, soil, and the atmosphere with a sophisticated suite of tools. This paper addresses the flight system requirement by which the vehicle transmitted indications of the following events using both X-band tones and UHF telemetry to allow identification of probable root causes should a mission anomaly have occurred: Heat-Rejection System (HRS) venting, completion of the cruise stage separation, turn to entry attitude, atmospheric deceleration, bank angle reversal commanded, parachute deployment, heatshield separation, radar ground acquisition, powered descent initiation, rover separation from the descent stage, and rover release. During Entry, Descent, and Landing (EDL), the flight system transmitted a UHF telemetry stream adequate to determine the state of the spacecraft (including the presence of faults) at 8 kbps initiating from cruise stage separation through at least one minute after positive indication of rover release on the surface of Mars. The flight system also transmitted X-band semaphore tones from Entry to Landing plus one minute although since MSL was occulted, as predicted, by Mars as seen from the Earth, Direct-To-Earth (DTE) communications were interrupted at approximately is approx. 5 min after Entry ( approximately 130 prior to Landing). The primary data return paths were through the Deep Space Network (DSN) for DTE and the existing Mars network of orbiting assets for UHF, which included the Mars Reconnaissance Orbiter (MRO), Mars Odyssey (ODY), and Mars Express (MEX) elements. These orbiters recorded the telemetry data stream and returned it back to Earth via the DSN. The paper also discusses the total power

  17. Modelling the descent of nitric oxide during the elevated stratopause event of January 2013

    NASA Astrophysics Data System (ADS)

    Orsolini, Yvan J.; Limpasuvan, Varavut; Pérot, Kristell; Espy, Patrick; Hibbins, Robert; Lossow, Stefan; Raaholt Larsson, Katarina; Murtagh, Donal

    2017-03-01

    Using simulations with a whole-atmosphere chemistry-climate model nudged by meteorological analyses, global satellite observations of nitrogen oxide (NO) and water vapour by the Sub-Millimetre Radiometer instrument (SMR), of temperature by the Microwave Limb Sounder (MLS), as well as local radar observations, this study examines the recent major stratospheric sudden warming accompanied by an elevated stratopause event (ESE) that occurred in January 2013. We examine dynamical processes during the ESE, including the role of planetary wave, gravity wave and tidal forcing on the initiation of the descent in the mesosphere-lower thermosphere (MLT) and its continuation throughout the mesosphere and stratosphere, as well as the impact of model eddy diffusion. We analyse the transport of NO and find the model underestimates the large descent of NO compared to SMR observations. We demonstrate that the discrepancy arises abruptly in the MLT region at a time when the resolved wave forcing and the planetary wave activity increase, just before the elevated stratopause reforms. The discrepancy persists despite doubling the model eddy diffusion. While the simulations reproduce an enhancement of the semi-diurnal tide following the onset of the 2013 SSW, corroborating new meteor radar observations at high northern latitudes over Trondheim (63.4°N), the modelled tidal contribution to the forcing of the mean meridional circulation and to the descent is a small portion of the resolved wave forcing, and lags it by about ten days.

  18. Entry, Descent and Landing Systems Analysis: Exploration Feed Forward Internal Peer Review Slide Package

    NASA Technical Reports Server (NTRS)

    Dwyer Cianciolo, Alicia M. (Editor)

    2011-01-01

    NASA senior management commissioned the Entry, Descent and Landing Systems Analysis (EDL-SA) Study in 2008 to identify and roadmap the Entry, Descent and Landing (EDL) technology investments that the agency needed to successfully land large payloads at Mars for both robotic and human-scale missions. Year 1 of the study focused on technologies required for Exploration-class missions to land payloads of 10 to 50 mt. Inflatable decelerators, rigid aeroshell and supersonic retro-propulsion emerged as the top candidate technologies. In Year 2 of the study, low TRL technologies identified in Year 1, inflatables aeroshells and supersonic retropropulsion, were combined to create a demonstration precursor robotic mission. This part of the EDL-SA Year 2 effort, called Exploration Feed Forward (EFF), took much of the systems analysis simulation and component model development from Year 1 to the next level of detail.

  19. Flight Mechanics of the Entry, Descent and Landing of the ExoMars Mission

    NASA Technical Reports Server (NTRS)

    HayaRamos, Rodrigo; Boneti, Davide

    2007-01-01

    ExoMars is ESA's current mission to planet Mars. A high mobility rover and a fixed station will be deployed on the surface of Mars. This paper regards the flight mechanics of the Entry, Descent and Landing (EDL) phases used for the mission analysis and design of the Baseline and back-up scenarios of the mission. The EDL concept is based on a ballistic entry, followed by a descent under parachutes and inflatable devices (airbags) for landing. The mission analysis and design is driven by the flexibility in terms of landing site, arrival dates and the very stringent requirement in terms of landing accuracy. The challenging requirements currently imposed to the mission need innovative analysis and design techniques to support system design trade-offs to cope with the variability in entry conditions. The concept of the Global Entry Corridor has been conceived, designed, implemented and successfully validated as a key tool to provide a global picture of the mission capabilities in terms of landing site reachability.

  20. Gradient Phonological Inconsistency Affects Vocabulary Learning

    ERIC Educational Resources Information Center

    Muench, Kristin L.; Creel, Sarah C.

    2013-01-01

    Learners frequently experience phonologically inconsistent input, such as exposure to multiple accents. Yet, little is known about the consequences of phonological inconsistency for language learning. The current study examines vocabulary acquisition with different degrees of phonological inconsistency, ranging from no inconsistency (e.g., both…

  1. Apollo experience report: Mission planning for lunar module descent and ascent

    NASA Technical Reports Server (NTRS)

    Bennett, F. V.

    1972-01-01

    The premission planning, the real-time situation, and the postflight analysis for the Apollo 11 lunar descent and ascent are described. A comparison between premission planning and actual results is included. A navigation correction capability, developed from Apollo 11 postflight analysis was used successfully on Apollo 12 to provide the first pinpoint landing. An experience summary, which illustrates typical problems encountered by the mission planners, is also included.

  2. Entry, Descent, and Landing Aerothermodynamics: NASA Langley Experimental Capabilities and Contributions

    NASA Technical Reports Server (NTRS)

    Hollis, Brian R.; Berger, Karen T.; Berry, Scott A.; Bruckmann, Gregory J.; Buck, Gregory M.; DiFulvio, Michael; Horvath, Thomas J.; Liechty, Derek S.; Merski, N. Ronald; Murphy, Kelly J.; hide

    2014-01-01

    A review is presented of recent research, development, testing and evaluation activities related to entry, descent and landing that have been conducted at the NASA Langley Research Center. An overview of the test facilities, model development and fabrication capabilities, and instrumentation and measurement techniques employed in this work is provided. Contributions to hypersonic/supersonic flight and planetary exploration programs are detailed, as are fundamental research and development activities.

  3. Natural learning in NLDA networks.

    PubMed

    González, Ana; Dorronsoro, José R

    2007-07-01

    Non Linear Discriminant Analysis (NLDA) networks combine a standard Multilayer Perceptron (MLP) transfer function with the minimization of a Fisher analysis criterion. In this work we will define natural-like gradients for NLDA network training. Instead of a more principled approach, that would require the definition of an appropriate Riemannian structure on the NLDA weight space, we will follow a simpler procedure, based on the observation that the gradient of the NLDA criterion function J can be written as the expectation nablaJ(W)=E[Z(X,W)] of a certain random vector Z and defining then I=E[Z(X,W)Z(X,W)(t)] as the Fisher information matrix in this case. This definition of I formally coincides with that of the information matrix for the MLP or other square error functions; the NLDA J criterion, however, does not have this structure. Although very simple, the proposed approach shows much faster convergence than that of standard gradient descent, even when its costlier complexity is taken into account. While the faster convergence of natural MLP batch training can be also explained in terms of its relationship with the Gauss-Newton minimization method, this is not the case for NLDA training, as we will see analytically and numerically that the hessian and information matrices are different.

  4. Deterministic convergence of chaos injection-based gradient method for training feedforward neural networks.

    PubMed

    Zhang, Huisheng; Zhang, Ying; Xu, Dongpo; Liu, Xiaodong

    2015-06-01

    It has been shown that, by adding a chaotic sequence to the weight update during the training of neural networks, the chaos injection-based gradient method (CIBGM) is superior to the standard backpropagation algorithm. This paper presents the theoretical convergence analysis of CIBGM for training feedforward neural networks. We consider both the case of batch learning as well as the case of online learning. Under mild conditions, we prove the weak convergence, i.e., the training error tends to a constant and the gradient of the error function tends to zero. Moreover, the strong convergence of CIBGM is also obtained with the help of an extra condition. The theoretical results are substantiated by a simulation example.

  5. Y Chromosome Lineages in Men of West African Descent

    PubMed Central

    Keita, Shomarka O. Y.; Kittles, Rick A.

    2012-01-01

    The early African experience in the Americas is marked by the transatlantic slave trade from ∼1619 to 1850 and the rise of the plantation system. The origins of enslaved Africans were largely dependent on European preferences as well as the availability of potential laborers within Africa. Rice production was a key industry of many colonial South Carolina low country plantations. Accordingly, rice plantations owners within South Carolina often requested enslaved Africans from the so-called “Grain Coast” of western Africa (Senegal to Sierra Leone). Studies on the African origins of the enslaved within other regions of the Americas have been limited. To address the issue of origins of people of African descent within the Americas and understand more about the genetic heterogeneity present within Africa and the African Diaspora, we typed Y chromosome specific markers in 1,319 men consisting of 508 west and central Africans (from 12 populations), 188 Caribbeans (from 2 islands), 532 African Americans (AAs from Washington, DC and Columbia, SC), and 91 European Americans. Principal component and admixture analyses provide support for significant Grain Coast ancestry among African American men in South Carolina. AA men from DC and the Caribbean showed a closer affinity to populations from the Bight of Biafra. Furthermore, 30–40% of the paternal lineages in African descent populations in the Americas are of European ancestry. Diverse west African ancestries and sex-biased gene flow from EAs has contributed greatly to the genetic heterogeneity of African populations throughout the Americas and has significant implications for gene mapping efforts in these populations. PMID:22295064

  6. Y chromosome lineages in men of west African descent.

    PubMed

    Torres, Jada Benn; Doura, Menahem B; Keita, Shomarka O Y; Kittles, Rick A

    2012-01-01

    The early African experience in the Americas is marked by the transatlantic slave trade from ∼1619 to 1850 and the rise of the plantation system. The origins of enslaved Africans were largely dependent on European preferences as well as the availability of potential laborers within Africa. Rice production was a key industry of many colonial South Carolina low country plantations. Accordingly, rice plantations owners within South Carolina often requested enslaved Africans from the so-called "Grain Coast" of western Africa (Senegal to Sierra Leone). Studies on the African origins of the enslaved within other regions of the Americas have been limited. To address the issue of origins of people of African descent within the Americas and understand more about the genetic heterogeneity present within Africa and the African Diaspora, we typed Y chromosome specific markers in 1,319 men consisting of 508 west and central Africans (from 12 populations), 188 Caribbeans (from 2 islands), 532 African Americans (AAs from Washington, DC and Columbia, SC), and 91 European Americans. Principal component and admixture analyses provide support for significant Grain Coast ancestry among African American men in South Carolina. AA men from DC and the Caribbean showed a closer affinity to populations from the Bight of Biafra. Furthermore, 30-40% of the paternal lineages in African descent populations in the Americas are of European ancestry. Diverse west African ancestries and sex-biased gene flow from EAs has contributed greatly to the genetic heterogeneity of African populations throughout the Americas and has significant implications for gene mapping efforts in these populations.

  7. Development and preliminary evaluation of a behavioural HIV prevention program for teenage girls of Latino descent in the USA

    PubMed Central

    Davidson, Tatiana M.; Lopez, Cristina M.; Saulson, Raelle; Borkman, April L.; Soltis, Kathryn; Ruggiero, Kenneth J.; de Arellano, Michael; Wingood, Gina M.; DiClemente, Ralph J.; Danielson, Carla Kmett

    2014-01-01

    National data suggests that teenage girls of Latino descent in the USA are disproportionately affected by HIV with the rate of new infections being approximately 4 times higher compared to White women of comparable age (Centers for Disease Control and Prevention 2013). This paper highlights the need for an effective single-sex HIV prevention program for teenage girls of Latino descent and describes the development and preliminary evaluation of Chicas Healing, Informing, Living and Empowering (CHILE), a culturally-tailored, HIV prevention programme exclusively for teenage girls of Latino descent that was adapted from Sisters Informing, Healing, Living, and Empowering (SiHLE), an evidence-based HIV prevention program that is culturally tailored for African American young women. Theatre testing, a pre-testing methodology to assess consumer response to a demonstration of a product, was utilised to evaluate the relevance and utility of the HIV program as well as opportunities for the integration of cultural constructs. Future directions for the evaluation of CHILE are discussed. PMID:24697607

  8. Development and preliminary evaluation of a behavioural HIV-prevention programme for teenage girls of Latino descent in the USA.

    PubMed

    Davidson, Tatiana M; Lopez, Cristina M; Saulson, Raelle; Borkman, April L; Soltis, Kathryn; Ruggiero, Kenneth J; de Arellano, Michael; Wingood, Gina M; Diclemente, Ralph J; Danielson, Carla Kmett

    2014-01-01

    National data suggests that teenage girls of Latino descent in the USA are disproportionately affected by HIV, with the US Centers for Disease Control and Prevention reporting the rate of new infections being approximately four times higher compared to White women of comparable age . This paper highlights the need for an effective single-sex HIV-prevention programme for teenage girls of Latino descent and describes the development and preliminary evaluation of Chicas Healing, Informing, Living and Empowering (CHILE), a culturally-tailored, HIV-prevention programme exclusively for teenage girls of Latino descent that was adapted from Sisters Informing, Healing, Living and Empowering (SiHLE), an evidence-based HIV- prevention program that is culturally tailored for African American young women. Theatre testing, a pre-testing methodology to assess consumer response to a demonstration of a product, was utilised to evaluate the relevance and utility of the HIV programme as well as opportunities for the integration of cultural constructs. Future directions for the evaluation of CHILE are discussed.

  9. Post2 End-to-End Descent and Landing Simulation for ALHAT Design Analysis Cycle 2

    NASA Technical Reports Server (NTRS)

    Davis, Jody L.; Striepe, Scott A.; Maddock, Robert W.; Johnson, Andrew E.; Paschall, Stephen C., II

    2010-01-01

    The ALHAT project is an agency-level program involving NASA centers, academia, and industry, with a primary goal to develop a safe, autonomous, precision-landing system for robotic and crew-piloted lunar and planetary descent vehicles. POST2 is used as the 6DOF descent and landing trajectory simulation for determining integrated system performance of ALHAT landing-system models and lunar environment models. This paper presents updates in the development of the ALHAT POST2 simulation, as well as preliminary system performance analysis for ALDAC-2 used for the testing and assessment of ALHAT system models. The ALDAC-2 POST2 Monte Carlo simulation results have been generated and focus on HRN model performance with the fully integrated system, as well performance improvements of AGNC and TSAR model since the previous design analysis cycle

  10. The Asian enigma: predisposition for low adult BMI among people of South Asian descent.

    PubMed

    Nubé, Maarten

    2009-04-01

    To investigate the Asian enigma, the phenomenon of relatively high levels of undernutrition among children and adult women in South Asia, despite more favourable records with respect to infant mortality, women's education, food availability or other aspects of living conditions in comparison with, for example, sub-Saharan Africa. Literature has been explored to identify countries outside South Asia that are home to sizeable population segments from different ethnic backgrounds, including people of South Asian and African descent, and to compare prevalence rates of undernutrition in combination with indicators of standard of living between these various population segments. Data on adult undernutrition prevalence rates among population groups of different ethnic descent living in the same country (South Africa, Fiji and the USA) generally reveal the highest prevalence rates of low BMI among adults, males and females, from South Asian background. The relatively high rates of low BMI among adults from South Asian background cannot be explained by less favourable socio-economic characteristics, such as lower income or less access to food. It is hypothesized that there exists among adults of South Asian descent an ethnic predisposition for a low BMI. Other factors that may contribute to high levels of undernutrition in South Asia are discrimination of women and a poor dietary quality of poor households' food composition pattern. The question needs to be addressed whether the commonly used cut-off point for adult underweight (BMI < 18.5 kg/m2) is universally applicable or whether ethnic differences should be taken into account.

  11. The effects of Navy ship ladder descent on the knee internal joint reaction forces

    NASA Astrophysics Data System (ADS)

    Coulter, Jonathan D.; Weinhandl, Joshua T.; Bawab, Sebastian Y.; Ringleb, Stacie I.

    2017-02-01

    Military populations may be at risk for developing knee osteoarthritis and other knee problems when descending a Navy ship ladder, which differs from traditional stairs due to non-overlapping treads, a larger rise and a steeper inclination angle. The purpose of this study was to develop a forward dynamic model of the descent of a Navy ship ladder to determine how this motion affects the internal knee reaction forces and how altering the hamstring/quadriceps ratio affects the internal joint reaction forces in the knee. Kinematic and kinetic data were collected from three male sailors descending a replica of a Navy ship ladder and were used as input into a model constructed in OpenSim. The peak resultant joint reaction force was 6.6 × BW, which was greater than values reported in the literature in traditional stairs. Peak compressive and anterior joint reaction forces, 4.05 × BW and 5.46 × BW, respectively, were greater than reported values for a squat, a motion similar to descending a ship ladder. The average peak vertical and anterior internal joint reaction force at the knee were 4.05 × BW and 5.46 × BW, respectively. The resultant joint reaction forces calculated from the ladder descent were greater than stair descent and squatting. Little effects were found in the joint reaction forces after adjusting the quadriceps to hamstring muscle strength ratios, possibly because these ratios might change the distribution of the contact forces across the joint, not the resultant forces.

  12. Strong refraction near the Venus surface - Effects observed by descent probes

    NASA Technical Reports Server (NTRS)

    Croft, T. A.

    1982-01-01

    The telemetry signals from Pioneer Venus probes indicated the strong downward refraction of radio waves. As the probes descended, the strength of the direct signal decreased because of absorption and refractive defocusing. During the last 30 km of descent there was a second measured component in addition to the direct signal. Strong atmospheric reaction is important in strengthening echoes that are scattered toward the earth. Such surface-reflected signals are good indicators of horizontal winds.

  13. Product Distribution Theory for Control of Multi-Agent Systems

    NASA Technical Reports Server (NTRS)

    Lee, Chia Fan; Wolpert, David H.

    2004-01-01

    Product Distribution (PD) theory is a new framework for controlling Multi-Agent Systems (MAS's). First we review one motivation of PD theory, as the information-theoretic extension of conventional full-rationality game theory to the case of bounded rational agents. In this extension the equilibrium of the game is the optimizer of a Lagrangian of the (probability distribution of) the joint stare of the agents. Accordingly we can consider a team game in which the shared utility is a performance measure of the behavior of the MAS. For such a scenario the game is at equilibrium - the Lagrangian is optimized - when the joint distribution of the agents optimizes the system's expected performance. One common way to find that equilibrium is to have each agent run a reinforcement learning algorithm. Here we investigate the alternative of exploiting PD theory to run gradient descent on the Lagrangian. We present computer experiments validating some of the predictions of PD theory for how best to do that gradient descent. We also demonstrate how PD theory can improve performance even when we are not allowed to rerun the MAS from different initial conditions, a requirement implicit in some previous work.

  14. The effect of encoding conditions on learning in the prototype distortion task.

    PubMed

    Lee, Jessica C; Livesey, Evan J

    2017-06-01

    The prototype distortion task demonstrates that it is possible to learn about a category of physically similar stimuli through mere observation. However, there have been few attempts to test whether different encoding conditions affect learning in this task. This study compared prototypicality gradients produced under incidental learning conditions in which participants performed a visual search task, with those produced under intentional learning conditions in which participants were required to memorize the stimuli. Experiment 1 showed that similar prototypicality gradients could be obtained for category endorsement and familiarity ratings, but also found (weaker) prototypicality gradients in the absence of exposure. In Experiments 2 and 3, memorization was found to strengthen prototypicality gradients in familiarity ratings in comparison to visual search, but there were no group differences in participants' ability to discriminate between novel and presented exemplars. Although the Search groups in Experiments 2 and 3 produced prototypicality gradients, they were no different in magnitude to those produced in the absence of stimulus exposure in Experiment 1, suggesting that incidental learning during visual search was not conducive to producing prototypicality gradients. This study suggests that learning in the prototype distortion task is not implicit in the sense of resulting automatically from exposure, is affected by the nature of encoding, and should be considered in light of potential learning-at-test effects.

  15. Influence of seasonal cycles in Martian atmosphere on entry, descent and landing sequence

    NASA Astrophysics Data System (ADS)

    Marčeta, Dušan; Šegan, Stevo; Rašuo, Boško

    2014-05-01

    The phenomena like high eccentricity of Martian orbit, obliquity of the orbital plane and close alignment of the winter solstice and the orbital perihelion, separately or together can significantly alter not only the level of some Martian atmospheric parameters but also the characteristics of its diurnal and seasonal cycle. Considering that entry, descent and landing (EDL) sequence is mainly driven by the density profile of the atmosphere and aerodynamic characteristic of the entry vehicle. We have performed the analysis of the influence of the seasonal cycles of the atmospheric parameters on EDL profiles by using Mars Global Reference Atmospheric Model (Mars-GRAM). Since the height of the deployment of the parachute and the time passed from the deployment to propulsion firing (descent time) are of crucial importance for safe landing and the achievable landing site elevation we paid special attention to the influence of the areocentric longitude of the Sun (Ls) on these variables. We have found that these variables have periodic variability with respect to Ls and can be very well approximated with a sine wave function whose mean value depends only on the landing site elevation while the amplitudes and phases depend only on the landing site latitude. The amplitudes exhibit behavior which is symmetric with respect to the latitude but the symmetry is shifted from the equator to the northern mid-tropics. We have also noticed that the strong temperature inversions which are usual for middle and higher northern latitudes while Mars is around its orbital perihelion significantly alter the descent time without influencing the height of the parachute deployment. At last, we applied our model to determine the dependence of the accessible landing region on Ls and found that this region reaches maximum when Mars is around the orbital perihelion and can vary 50° in latitude throughout the Martian year.

  16. Entry, Descent and Landing Systems Analysis Study: Phase 2 Report on Exploration Feed-Forward Systems

    NASA Technical Reports Server (NTRS)

    Dwyer Ciancolo, Alicia M.; Davis, Jody L.; Engelund, Walter C.; Komar, D. R.; Queen, Eric M.; Samareh, Jamshid A.; Way, David W.; Zang, Thomas A.; Murch, Jeff G.; Krizan, Shawn A.; hide

    2011-01-01

    NASA senior management commissioned the Entry, Descent and Landing Systems Analysis (EDL-SA) Study in 2008 to identify and roadmap the Entry, Descent and Landing (EDL) technology investments that the agency needed to successfully land large payloads at Mars for both robotic and human-scale missions. Year 1 of the study focused on technologies required for Exploration-class missions to land payloads of 10 to 50 t. Inflatable decelerators, rigid aeroshell and supersonic retro-propulsion emerged as the top candidate technologies. In Year 2 of the study, low TRL technologies identified in Year 1, inflatables aeroshells and supersonic retropropulsion, were combined to create a demonstration precursor robotic mission. This part of the EDL-SA Year 2 effort, called Exploration Feed Forward (EFF), took much of the systems analysis simulation and component model development from Year 1 to the next level of detail.

  17. Caste-, work-, and descent-based discrimination as a determinant of health in social epidemiology.

    PubMed

    Patil, Rajan R

    2014-01-01

    Social epidemiology explores health in the context of broad social determinants of health, where the boundary lines between health and politics appear increasingly blurred. Social determinants of health such as caste, discrimination, and social exclusion are inherently political in nature, hence it becomes imperative to look at health through a broader perspective of political philosophy, ideology, and caste that imposes enormous obstacles to a person's full attainment of civil, political, economic, social, and cultural rights. Caste is descent based and hereditary in nature. It is a characteristic determined by one's birth into a particular caste, irrespective of the faith practiced by the individual. Caste denotes a system of rigid social stratification into ranked groups defined by descent and occupation. Under various caste systems throughout the world, caste divisions also dominate in housing, marriage, and general social interaction divisions that are reinforced through the practice and threat of social ostracism, economic boycotts, and even physical violence-all of which undermine health equality.

  18. Failure Bounding And Sensitivity Analysis Applied To Monte Carlo Entry, Descent, And Landing Simulations

    NASA Technical Reports Server (NTRS)

    Gaebler, John A.; Tolson, Robert H.

    2010-01-01

    In the study of entry, descent, and landing, Monte Carlo sampling methods are often employed to study the uncertainty in the designed trajectory. The large number of uncertain inputs and outputs, coupled with complicated non-linear models, can make interpretation of the results difficult. Three methods that provide statistical insights are applied to an entry, descent, and landing simulation. The advantages and disadvantages of each method are discussed in terms of the insights gained versus the computational cost. The first method investigated was failure domain bounding which aims to reduce the computational cost of assessing the failure probability. Next a variance-based sensitivity analysis was studied for the ability to identify which input variable uncertainty has the greatest impact on the uncertainty of an output. Finally, probabilistic sensitivity analysis is used to calculate certain sensitivities at a reduced computational cost. These methods produce valuable information that identifies critical mission parameters and needs for new technology, but generally at a significant computational cost.

  19. Design and simulation of a descent controller for strategic four-dimensional aircraft navigation. M.S. Thesis

    NASA Technical Reports Server (NTRS)

    Lax, F. M.

    1975-01-01

    A time-controlled navigation system applicable to the descent phase of flight for airline transport aircraft was developed and simulated. The design incorporates the linear discrete-time sampled-data version of the linearized continuous-time system describing the aircraft's aerodynamics. Using optimal linear quadratic control techniques, an optimal deterministic control regulator which is implementable on an airborne computer is designed. The navigation controller assists the pilot in complying with assigned times of arrival along a four-dimensional flight path in the presence of wind disturbances. The strategic air traffic control concept is also described, followed by the design of a strategic control descent path. A strategy for determining possible times of arrival at specified waypoints along the descent path and for generating the corresponding route-time profiles that are within the performance capabilities of the aircraft is presented. Using a mathematical model of the Boeing 707-320B aircraft along with a Boeing 707 cockpit simulator interfaced with an Adage AGT-30 digital computer, a real-time simulation of the complete aircraft aerodynamics was achieved. The strategic four-dimensional navigation controller for longitudinal dynamics was tested on the nonlinear aircraft model in the presence of 15, 30, and 45 knot head-winds. The results indicate that the controller preserved the desired accuracy and precision of a time-controlled aircraft navigation system.

  20. Distributed multisensory integration in a recurrent network model through supervised learning

    NASA Astrophysics Data System (ADS)

    Wang, He; Wong, K. Y. Michael

    Sensory integration between different modalities has been extensively studied. It is suggested that the brain integrates signals from different modalities in a Bayesian optimal way. However, how the Bayesian rule is implemented in a neural network remains under debate. In this work we propose a biologically plausible recurrent network model, which can perform Bayesian multisensory integration after trained by supervised learning. Our model is composed of two modules, each for one modality. We assume that each module is a recurrent network, whose activity represents the posterior distribution of each stimulus. The feedforward input on each module is the likelihood of each modality. Two modules are integrated through cross-links, which are feedforward connections from the other modality, and reciprocal connections, which are recurrent connections between different modules. By stochastic gradient descent, we successfully trained the feedforward and recurrent coupling matrices simultaneously, both of which resembles the Mexican-hat. We also find that there are more than one set of coupling matrices that can approximate the Bayesian theorem well. Specifically, reciprocal connections and cross-links will compensate each other if one of them is removed. Even though trained with two inputs, the network's performance with only one input is in good accordance with what is predicted by the Bayesian theorem.

  1. Feeling Frugal: Socioeconomic Status, Acculturation, and Cultural Health Beliefs among Women of Mexican Descent.

    ERIC Educational Resources Information Center

    Borrayo, Evelinn A.; Jenkins, Sharon Rae

    2003-01-01

    Investigates influences of acculturation, socioeconomic status (SES), and cultural health beliefs on Mexican-descent women's preventive health behaviors. In 5 focus group interviews sampling across levels of acculturation and SES, women expressing more traditional Mexican health beliefs about breast cancer screening were of lower SES and were less…

  2. Effects of aircraft and flight parameters on energy-efficient profile descents in time-based metered traffic

    NASA Technical Reports Server (NTRS)

    Dejarnette, F. R.

    1984-01-01

    Attention is given to a computer algorithm yielding the data required for a flight crew to navigate from an entry fix, about 100 nm from an airport, to a metering fix, and arrive there at a predetermined time, altitude, and airspeed. The flight path is divided into several descent and deceleration segments. Results for the case of a B-737 airliner indicate that wind and nonstandard atmospheric properties have a significant effect on the flight path and must be taken into account. While a range of combinations of Mach number and calibrated airspeed is possible for the descent segments leading to the metering fix, only small changes in the fuel consumed were observed for this range of combinations. A combination that is based on scheduling flexibility therefore seems preferable.

  3. Multicultural Education: Lessons from Teaching and Learning in the U.S. and Abroad

    ERIC Educational Resources Information Center

    Reyes, Xaé Alicia

    2012-01-01

    This article is a reflective essay that examines the experiences of a Multicultural Educator from a non-mainstream perspective. The author, of Latino descent, has attended schools in Puerto Rico and in the United States, and has taught at universities in both. Experiences teaching and learning within and outside of the United States are compared…

  4. Learning Incoherent Sparse and Low-Rank Patterns from Multiple Tasks

    PubMed Central

    Chen, Jianhui; Liu, Ji; Ye, Jieping

    2013-01-01

    We consider the problem of learning incoherent sparse and low-rank patterns from multiple tasks. Our approach is based on a linear multi-task learning formulation, in which the sparse and low-rank patterns are induced by a cardinality regularization term and a low-rank constraint, respectively. This formulation is non-convex; we convert it into its convex surrogate, which can be routinely solved via semidefinite programming for small-size problems. We propose to employ the general projected gradient scheme to efficiently solve such a convex surrogate; however, in the optimization formulation, the objective function is non-differentiable and the feasible domain is non-trivial. We present the procedures for computing the projected gradient and ensuring the global convergence of the projected gradient scheme. The computation of projected gradient involves a constrained optimization problem; we show that the optimal solution to such a problem can be obtained via solving an unconstrained optimization subproblem and an Euclidean projection subproblem. We also present two projected gradient algorithms and analyze their rates of convergence in details. In addition, we illustrate the use of the presented projected gradient algorithms for the proposed multi-task learning formulation using the least squares loss. Experimental results on a collection of real-world data sets demonstrate the effectiveness of the proposed multi-task learning formulation and the efficiency of the proposed projected gradient algorithms. PMID:24077658

  5. Learning Incoherent Sparse and Low-Rank Patterns from Multiple Tasks.

    PubMed

    Chen, Jianhui; Liu, Ji; Ye, Jieping

    2012-02-01

    We consider the problem of learning incoherent sparse and low-rank patterns from multiple tasks. Our approach is based on a linear multi-task learning formulation, in which the sparse and low-rank patterns are induced by a cardinality regularization term and a low-rank constraint, respectively. This formulation is non-convex; we convert it into its convex surrogate, which can be routinely solved via semidefinite programming for small-size problems. We propose to employ the general projected gradient scheme to efficiently solve such a convex surrogate; however, in the optimization formulation, the objective function is non-differentiable and the feasible domain is non-trivial. We present the procedures for computing the projected gradient and ensuring the global convergence of the projected gradient scheme. The computation of projected gradient involves a constrained optimization problem; we show that the optimal solution to such a problem can be obtained via solving an unconstrained optimization subproblem and an Euclidean projection subproblem. We also present two projected gradient algorithms and analyze their rates of convergence in details. In addition, we illustrate the use of the presented projected gradient algorithms for the proposed multi-task learning formulation using the least squares loss. Experimental results on a collection of real-world data sets demonstrate the effectiveness of the proposed multi-task learning formulation and the efficiency of the proposed projected gradient algorithms.

  6. Deep neural mapping support vector machines.

    PubMed

    Li, Yujian; Zhang, Ting

    2017-09-01

    The choice of kernel has an important effect on the performance of a support vector machine (SVM). The effect could be reduced by NEUROSVM, an architecture using multilayer perceptron for feature extraction and SVM for classification. In binary classification, a general linear kernel NEUROSVM can be theoretically simplified as an input layer, many hidden layers, and an SVM output layer. As a feature extractor, the sub-network composed of the input and hidden layers is first trained together with a virtual ordinary output layer by backpropagation, then with the output of its last hidden layer taken as input of the SVM classifier for further training separately. By taking the sub-network as a kernel mapping from the original input space into a feature space, we present a novel model, called deep neural mapping support vector machine (DNMSVM), from the viewpoint of deep learning. This model is also a new and general kernel learning method, where the kernel mapping is indeed an explicit function expressed as a sub-network, different from an implicit function induced by a kernel function traditionally. Moreover, we exploit a two-stage procedure of contrastive divergence learning and gradient descent for DNMSVM to jointly training an adaptive kernel mapping instead of a kernel function, without requirement of kernel tricks. As a whole of the sub-network and the SVM classifier, the joint training of DNMSVM is done by using gradient descent to optimize the objective function with the sub-network layer-wise pre-trained via contrastive divergence learning of restricted Boltzmann machines. Compared to the separate training of NEUROSVM, the joint training is a new algorithm for DNMSVM to have advantages over NEUROSVM. Experimental results show that DNMSVM can outperform NEUROSVM and RBFSVM (i.e., SVM with the kernel of radial basis function), demonstrating its effectiveness. Copyright © 2017 Elsevier Ltd. All rights reserved.

  7. Combining Step Gradients and Linear Gradients in Density.

    PubMed

    Kumar, Ashok A; Walz, Jenna A; Gonidec, Mathieu; Mace, Charles R; Whitesides, George M

    2015-06-16

    Combining aqueous multiphase systems (AMPS) and magnetic levitation (MagLev) provides a method to produce hybrid gradients in apparent density. AMPS—solutions of different polymers, salts, or surfactants that spontaneously separate into immiscible but predominantly aqueous phases—offer thermodynamically stable steps in density that can be tuned by the concentration of solutes. MagLev—the levitation of diamagnetic objects in a paramagnetic fluid within a magnetic field gradient—can be arranged to provide a near-linear gradient in effective density where the height of a levitating object above the surface of the magnet corresponds to its density; the strength of the gradient in effective density can be tuned by the choice of paramagnetic salt and its concentrations and by the strength and gradient in the magnetic field. Including paramagnetic salts (e.g., MnSO4 or MnCl2) in AMPS, and placing them in a magnetic field gradient, enables their use as media for MagLev. The potential to create large steps in density with AMPS allows separations of objects across a range of densities. The gradients produced by MagLev provide resolution over a continuous range of densities. By combining these approaches, mixtures of objects with large differences in density can be separated and analyzed simultaneously. Using MagLev to add an effective gradient in density also enables tuning the range of densities captured at an interface of an AMPS by simply changing the position of the container in the magnetic field. Further, by creating AMPS in which phases have different concentrations of paramagnetic ions, the phases can provide different resolutions in density. These results suggest that combining steps in density with gradients in density can enable new classes of separations based on density.

  8. Decoding of finger trajectory from ECoG using deep learning

    NASA Astrophysics Data System (ADS)

    Xie, Ziqian; Schwartz, Odelia; Prasad, Abhishek

    2018-06-01

    state transitions. The discussed network eliminated the need to separately train the model at each step in the decoding pipeline. The whole system can be jointly optimized using stochastic gradient descent and is capable of online learning.

  9. Cancer survival among children of Turkish descent in Germany 1980–2005: a registry-based analysis

    PubMed Central

    Spix, Claudia; Spallek, Jacob; Kaatsch, Peter; Razum, Oliver; Zeeb, Hajo

    2008-01-01

    Background Little is known about the effect of migrant status on childhood cancer survival. We studied cancer survival among children of Turkish descent in the German Cancer Childhood Registry, one of the largest childhood cancer registries worldwide. Methods We identified children of Turkish descent among cancer cases using a name-based approach. We compared 5-year survival probabilities of Turkish and other children in three time periods of diagnosis (1980–87, 1988–95, 1996–2005) using the Kaplan-Meier method and log-rank tests. Results The 5-year survival probability for all cancers among 1774 cases of Turkish descent (4.76% of all 37.259 cases) was 76.9% compared to 77.6% in the comparison group (all other cases; p = 0.15). We found no age- or sex-specific survival differences (p-values between p = 0.18 and p = 0.90). For the period 1980–87, the 5-year survival probability among Turkish children with lymphoid leukaemia was significantly lower (62% versus 75.8%; p < 0.0001), this remains unexplained. For more recently diagnosed leukaemias, we saw no survival differences for Turkish and non-Turkish children. Conclusion Our results suggest that nowadays Turkish migrant status has no bearing on the outcome of childhood cancer therapies in Germany. The inclusion of currently more than 95% of all childhood cancer cases in standardised treatment protocols is likely to contribute to this finding. PMID:19040749

  10. Further evaluation of waves and turbulence encountered by the Galileo Probe during descent in Jupiter's atmosphere

    NASA Astrophysics Data System (ADS)

    Seiff, Alvin; Kirk, Donn B.; Mihalov, John; Knight, Tony C. D.

    Data from the Galileo Probe in Jupiter descent indicated descent velocity oscillations as large as ±5 m/s on a height scale of a few km, which suggested gravity waves in the atmosphere between 4 and 20 bars (Seiff et al., 1998), an important observation for atmospheric stability and dynamics. But we now find these velocity fluctuations to be inconsistent with simultaneous measurements of mean accelerations, which were relatively steady. This conflict is resolved in favor of the accelerometers. The velocity fluctuations can be explained from digital uncertainties in the slow rate of pressure rise. However, the accelerometers did record higher frequency perturbations of up to 0.1g. Attributed to turbulence, these imply turbulent velocities from 0.3 to 5 m/s at scales of 10 to 40 m. However, they were at least partly a result of unsteady parachute aerodynamics.

  11. Non-mechanical beam control for entry, descent and landing laser radar (Conference Presentation)

    NASA Astrophysics Data System (ADS)

    Stockley, Jay E.; Kluttz, Kelly; Hosting, Lance; Serati, Steve; Bradley, Cullen P.; McManamon, Paul F.; Amzajerdian, Farzin

    2017-05-01

    Laser radar for entry, descent, and landing (EDL) applications as well as the space docking problem could benefit from a low size, weight, and power (SWaP) beam control system. Moreover, an inertia free approach employing non-mechanical beam control is also attractive for laser radar that is intended to be employed aboard space platforms. We are investigating a non-mechanical beam steering (NMBS) sub-system based on liquid crystal polarization grating (LCPG) technology with emphasis placed on improved throughput and significant weight reduction by combining components and drastically reducing substrate thicknesses. In addition to the advantages of non-mechanical, gimbal free beam control, and greatly improved SWaP, our approach also enables wide area scanning using a scalable architecture. An extraterrestrial application entails additional environmental constraints, consequently an environmental test plan tailored to an EDL mission will also be discussed. In addition, we will present advances in continuous fine steering technology which would complement the coarse steering LCPG technology. A low-SWaP, non-mechanical beam control system could be used in many laser radar remote sensing applications including meteorological studies and agricultural or environmental surveys in addition to the entry, descent, and landing application.

  12. [People of African descent in the region of the Americas and health equity].

    PubMed

    Torres, Cristina

    2002-01-01

    The Region of the Americas and the Caribbean has a complex demographic profile from an ethnic and racial perspective. One of the largest groups is composed of persons of African descent, who in some countries, such as Brazil and the Dominican Republic, comprise 46 and 84% of the total population, respectively. Recent analyses of the statistics available in some countries of the Region show wide gaps in terms of living conditions and health in these communities, as well as gaps in access to health services. PAHO, through its Public Policy and Health Program, under the Division of Health and Human Development, supports sectorial efforts and those of civil organizations that aim to improve health conditions in this segment of the population, while taking into account their sociodemographic and cultural characteristics. This article briefly summarizes health conditions and access to health services in selected countries, as well as some aspects of the recent changes to the legislation in those countries. Finally, collaborative activities on the part of United Nations agencies and international financial institutions for the benefit of people of African descent and other ethnic minorities are described.

  13. Mars Exploration Rover: Launch, Cruise, Entry, Descent, and Landing

    NASA Technical Reports Server (NTRS)

    Erickson, James K.; Manning, Robert M.; Adler, M.

    2004-01-01

    The Mars Exploration Rover Project was an ambitious effort to land two highly capable rovers on Mars and concurrently explore the Martian surface for three months each. Launched in June and July of 2003, cruise operations were conducted through January 4, 2004 with the first landing, followed by the second landing on January 25. The prime mission for the second rover ended on April 27, 2004. This paper will provide an overview of the launch, cruise, and landing phases of the mission, including the engineering and science objectives and challenges involved in the selection and targeting of the landing sites, as well as the excitement and challenges of atmospheric entry, descent and landing execution.

  14. A guidance law for hypersonic descent to a point

    DOE Office of Scientific and Technical Information (OSTI.GOV)

    Eisler, G.R.; Hull, D.G.

    1992-05-01

    A neighboring external control problem is formulated for a hypersonic glider to execute a maximum-terminal-velocity descent to a stationary target. The resulting two-part, feedback control scheme initially solves a nonlinear algebraic problem to generate a nominal trajectory to the target altitude. Secondly, a neighboring optimal path computation about the nominal provides a lift and side-force perturbations necessary to achieve the target downrange and crossrange. On-line feedback simulations of the proposed scheme and a form of proportional navigation are compared with an off-line parameter optimization method. The neighboring optimal terminal velocity compares very well with the parameter optimization solution and ismore » far superior to proportional navigation. 8 refs.« less

  15. A guidance law for hypersonic descent to a point

    DOE Office of Scientific and Technical Information (OSTI.GOV)

    Eisler, G.R.; Hull, D.G.

    1992-01-01

    A neighboring external control problem is formulated for a hypersonic glider to execute a maximum-terminal-velocity descent to a stationary target. The resulting two-part, feedback control scheme initially solves a nonlinear algebraic problem to generate a nominal trajectory to the target altitude. Secondly, a neighboring optimal path computation about the nominal provides a lift and side-force perturbations necessary to achieve the target downrange and crossrange. On-line feedback simulations of the proposed scheme and a form of proportional navigation are compared with an off-line parameter optimization method. The neighboring optimal terminal velocity compares very well with the parameter optimization solution and ismore » far superior to proportional navigation. 8 refs.« less

  16. CryoScout: A Descent Through the Mars Polar Cap

    NASA Technical Reports Server (NTRS)

    Hecht, M. H.; Saunders, R. S.

    2003-01-01

    CryoScout was proposed as a subsurface investigation of the stratigraphic climate record embedded in Mars North Polar cap. After landing on a gentle landscape in the midst of the mild summer season, CryoScout was to use the continuous polar sunlight to power the descent of a cryobot, a thermal probe, into the ice at a rate of about 1 m per day. CryoScout would probe deep enough into this time capsule to see the effects of planetary obliquity variations and discrete events such as dust storms or volcanic eruptions. By penetrating tens of meters of ice, the mission would explore at least one of the dominant "MOC layers" observed in exposed layered terrain.

  17. Showing up, Remaining Engaged, and Partaking as Students: Resilience among Students of Mexican Descent

    ERIC Educational Resources Information Center

    Sosa, Teresa

    2012-01-01

    This paper examines the ways in which 12 high school students of Mexican descent remain resilient amid difficult and stressful realities. Through an examination of students' interview responses, a case is made that students' ability to engage in school and figure out everyday ways to partake as students are signs of resilience. This work suggests…

  18. Pixel-based OPC optimization based on conjugate gradients.

    PubMed

    Ma, Xu; Arce, Gonzalo R

    2011-01-31

    Optical proximity correction (OPC) methods are resolution enhancement techniques (RET) used extensively in the semiconductor industry to improve the resolution and pattern fidelity of optical lithography. In pixel-based OPC (PBOPC), the mask is divided into small pixels, each of which is modified during the optimization process. Two critical issues in PBOPC are the required computational complexity of the optimization process, and the manufacturability of the optimized mask. Most current OPC optimization methods apply the steepest descent (SD) algorithm to improve image fidelity augmented by regularization penalties to reduce the complexity of the mask. Although simple to implement, the SD algorithm converges slowly. The existing regularization penalties, however, fall short in meeting the mask rule check (MRC) requirements often used in semiconductor manufacturing. This paper focuses on developing OPC optimization algorithms based on the conjugate gradient (CG) method which exhibits much faster convergence than the SD algorithm. The imaging formation process is represented by the Fourier series expansion model which approximates the partially coherent system as a sum of coherent systems. In order to obtain more desirable manufacturability properties of the mask pattern, a MRC penalty is proposed to enlarge the linear size of the sub-resolution assistant features (SRAFs), as well as the distances between the SRAFs and the main body of the mask. Finally, a projection method is developed to further reduce the complexity of the optimized mask pattern.

  19. Adaptive filter design using recurrent cerebellar model articulation controller.

    PubMed

    Lin, Chih-Min; Chen, Li-Yang; Yeung, Daniel S

    2010-07-01

    A novel adaptive filter is proposed using a recurrent cerebellar-model-articulation-controller (CMAC). The proposed locally recurrent globally feedforward recurrent CMAC (RCMAC) has favorable properties of small size, good generalization, rapid learning, and dynamic response, thus it is more suitable for high-speed signal processing. To provide fast training, an efficient parameter learning algorithm based on the normalized gradient descent method is presented, in which the learning rates are on-line adapted. Then the Lyapunov function is utilized to derive the conditions of the adaptive learning rates, so the stability of the filtering error can be guaranteed. To demonstrate the performance of the proposed adaptive RCMAC filter, it is applied to a nonlinear channel equalization system and an adaptive noise cancelation system. The advantages of the proposed filter over other adaptive filters are verified through simulations.

  20. Female Age-Related Differences in Biomechanics and Muscle Activity During Descents on the Outstretched Arms.

    PubMed

    Lattimer, Lauren J; Lanovaz, Joel L; Farthing, Jonathan P; Madill, Stéphanie; Kim, Soo; Robinovitch, Stephen; Arnold, Cathy

    2017-07-01

    The purposes of this study were to examine female age differences in: (1) upper extremity (UE) and trunk muscle activity, elbow joint moment, loading force, and UE energy absorption during a controlled forward body descent; and (2) UE muscle strength. Twenty young (mean 24.8 ± 3.4 years) and 20 older (68.4 ± 5.7 years) women were assessed via dynamometry for isometric, concentric, and eccentric UE strength and performed forward descents on force plates at three body lean angles (60°, 45°, and 30° from horizontal). Significant differences (p < .05) were found for muscle strength, biomechanics, and muscle activity. Concentric UE strength averaged 15% lower in older women. At 30° body lean, older women absorbed less energy. Older women had greater biceps brachii activation and less external oblique activation at all body lean angles. Age differences in muscle strength, activation, and energy absorption may contribute to fall-related injury risk.

  1. The categorization of African descent populations in Europe and the USA: should lexicons of recommended terminology be evidence-based?

    PubMed

    Aspinall, P J

    2008-01-01

    This review attempts to evaluate a proposed lexicon for African-descent populations from the viewpoint of saliency amongst those described and wider official and scientific usage, focusing on Britain and the USA. It is argued that it is unsatisfactory to privilege the term 'African American' over 'Black' for African-descent populations in the USA as the evidence base shows that both labels compete as self-designations on co-equal terms, while 'Black' is the prevalent term in scientific writing. Moreover, 'African American' is not an inclusive term for the African-descent population and it is not known how prevalent and enduring the term will prove to be. With respect to Britain, the census terms of 'Black African' and 'Black Caribbean' are well established, the increasing popularity of 'Black British' also being recognized in census labels. Given the increasing interest in the relationship between ethnic identity and health, there are arguments for documenting the diversity of terminology amongst different user constituencies in country-specific settings. The approach of synthetic glossaries of consensual terms may, through the need for economy and parsimony in the use of terminology, contribute to an unsatisfactory paring of that diversity.

  2. Frame prediction using recurrent convolutional encoder with residual learning

    NASA Astrophysics Data System (ADS)

    Yue, Boxuan; Liang, Jun

    2018-05-01

    The prediction for the frame of a video is difficult but in urgent need in auto-driving. Conventional methods can only predict some abstract trends of the region of interest. The boom of deep learning makes the prediction for frames possible. In this paper, we propose a novel recurrent convolutional encoder and DE convolutional decoder structure to predict frames. We introduce the residual learning in the convolution encoder structure to solve the gradient issues. The residual learning can transform the gradient back propagation to an identity mapping. It can reserve the whole gradient information and overcome the gradient issues in Recurrent Neural Networks (RNN) and Convolutional Neural Networks (CNN). Besides, compared with the branches in CNNs and the gated structures in RNNs, the residual learning can save the training time significantly. In the experiments, we use UCF101 dataset to train our networks, the predictions are compared with some state-of-the-art methods. The results show that our networks can predict frames fast and efficiently. Furthermore, our networks are used for the driving video to verify the practicability.

  3. Biological effects of fuel and exhaust components from spacecraft descent engines employing hydrazine

    NASA Technical Reports Server (NTRS)

    Lehwalt, M. E.; Woeller, F. H.; Oyama, V. I.

    1973-01-01

    The effect of the products of the Viking terminal descent engine fuel upon possible extraterrestrial life at the Martian landing site is examined. The effects of the engine exhaust, the hydrazine fuel, and the breakdown products of the latter on terrestrial microorganisms have been studied. The results indicate that the gaseous exhaust products would probably not be hazardous to microorganisms, but that liquid hydrazine would be lethal.

  4. Clinical and laboratory features of patients of Vietnamese descent with systemic lupus erythematosus.

    PubMed

    Phan, J C; Bush, T M; Donald, F; Ward, M

    1999-01-01

    The prevalence rate and disease manifestations of systemic lupus erythematosus (SLE) have been noted to vary among different ethnic groups. There has been no description in the English literature of SLE in the Vietnamese population. This is the first report, which details the clinical and laboratory features as well as an estimation of the prevalence of SLE in patients with a Vietnamese ancestry living in the United States. We performed a retrospective chart review of clinical and laboratory features of patients of Vietnamese descent with SLE. The case finding was performed by a review of the rheumatology clinic records at two large teaching hospitals in Santa Clara County searching for patients with SLE with a Vietnamese surname. In addition, we recruited patients by contacting all of the rheumatologists practicing in the county. Twenty-three patients of Vietnamese descent were identified with SLE in Santa Clara County. The estimated prevalence of SLE in the patients of Vietnamese descent was 42 cases per 100 000 persons. Eighty-seven per cent of the cases were born in Vietnam. The clinical and laboratory features of SLE were similar to prior published reviews except for a relatively high prevalence of anti-RNP antibody (54%). The patients with anti-RNP antibody exhibited features of overlap syndrome. There was a high rate of exposure to tuberculosis (TB). Fifty-eight per cent of patients had a positive purified protein derivative (PPD) skin test and 27% of patients had a history of clinical TB. Forty-four per cent of patients had evidence of hepatitis B exposure. The prevalence of SLE in the Vietnamese population in Santa Clara County is similar to that of other Asian populations. There was a relatively high prevalence of anti-RNP antibody in our patient group which was associated with overlap features. As expected in an immigrant population from Southeast Asia, there was a high rate of prior exposure to tuberculosis and hepatitis B. Clinicians should diligently

  5. Multiple Marginality and Urban Education: Community and School Socialization among Low-Income Mexican-Descent Youth

    ERIC Educational Resources Information Center

    Conchas, Gilberto Q.; Vigil, James Diego

    2010-01-01

    This article conceptualizes the crucial social and developmental features impacting Mexican-descent youth and adolescents in low-income communities in southern California. All youth in these neighborhoods must confront and come to grips with the many environmental, socioeconomic, racial, and cultural forces they confront. However, it is the…

  6. Access to Health Care Among Latinos of Mexican Descent in "Colonias" in Two Texas Counties

    ERIC Educational Resources Information Center

    Ortiz, Larry; Arizmendi, Lydia; Cornelius, Llewellyn J.

    2004-01-01

    Critical to resolving the problem of health disparities among Latinos is examining the needs within ethnic subpopulations. This paper focused on the unique challenges encountered by one ethnic subpopulation -- Latinos of Mexican descent living in colonias. Findings reaffirm the importance of looking within ethnic subpopulations to understand the…

  7. Language Practices and Attitudes of Australian Children of Indian Descent in a Primary Education Setting

    ERIC Educational Resources Information Center

    Bissoonauth, Anu

    2018-01-01

    This paper investigated linguistic practices and choices of Australian children of Indian descent, an under-researched group, who are studying Hindi in primary education. Data was collected using a questionnaire and semi-structured interviews with sixty participants across 3 primary schools in the Sydney area. The findings revealed, as expected,…

  8. Sexual Health Discussions between African-American Mothers and Mothers of Latino Descent and Their Children

    ERIC Educational Resources Information Center

    Murray, Ashley; Ellis, Monica U.; Castellanos, Ted; Gaul, Zaneta; Sutton, Madeline Y.; Sneed, Carl D.

    2014-01-01

    We examined approaches used by African-American mothers and mothers of Latino descent for informal sex-related discussions with their children to inform sexually transmitted infection (STI)/HIV intervention development efforts. We recruited mothers (of children aged 12-15) from youth service agencies and a university in southern California.…

  9. On Belonging: The American Adolescent of Arab Descent.

    PubMed

    Khouri, Lama Z

    2016-08-01

    Although American families of Arab origin come from 22 countries and from varied backgrounds and cultures, reports suggest that they suffer equally from acculturation stress, stereotyping, discrimination, and the reverberations of the aftermath of September 11 as well as global affairs. However, because children and adolescents from these families, particularly those who are newly arrived immigrants, tend to do well in school, they are rarely targeted by research or policy. This article uses the narratives of 5 middle school age male students from Arab descent who were in a support group that met for 3 years (2004-2007), beginning shortly after President George W. Bush's declaration of the war on the "axis of evil." I used vignettes from this group to illustrate the stressors this population faces. The final section suggests an option for supporting this population. © 2016 Wiley Periodicals, Inc.

  10. A clinical study of the biomechanics of step descent using different treatment modalities for patellofemoral pain.

    PubMed

    Selfe, James; Thewlis, Dominic; Hill, Stephen; Whitaker, Jonathan; Sutton, Chris; Richards, Jim

    2011-05-01

    In the previous study we have demonstrated that in healthy subjects significant changes in coronal and transverse plane mechanics can be produced by the application of a neutral patella taping technique and a patellar brace. Recently it has also been identified that patients with patellofemoral pain syndrome (PFPS) display alterations in gait in the coronal and transverse planes. This study investigated the effect of patellar bracing and taping on the three-dimensional mechanics of the knee of patellofemoral pain patients during a step descent task. Thirteen patients diagnosed with patellofemoral pain syndrome performed a slow step descent. This was conducted under three randomized conditions: (a) no intervention, (b) neutral patella taping, (c) patellofemoral bracing. A 20cm step was constructed to accommodate an AMTI force platform. Kinematic data were collected using a ten camera infra-red Oqus motion analysis system. Reflective markers were placed on the foot, shank and thigh using the Calibrated Anatomical System Technique (CAST). The coronal plane knee range of motion was significantly reduced with taping (P=0.031) and bracing (P=0.005). The transverse plane showed a significant reduction in the knee range of motion with the brace compared to taping (P=0.032) and no treatment (P=0.046). Patients suffering from patellofemoral pain syndrome demonstrated improved coronal plane and torsional control of the knee during slow step descent following the application of bracing and taping. This study further reinforces the view that coronal and transverse plane mechanics should not be overlooked when studying patellofemoral pain. Copyright © 2011 Elsevier B.V. All rights reserved.

  11. Apollo 16, LM-11 descent propulsion system final flight evaluation

    NASA Technical Reports Server (NTRS)

    Avvenire, A. T.

    1974-01-01

    The performance of the LM-11 descent propulsion system during the Apollo 16 missions was evaluated and found satisfactory. The average engine effective specific impulse was 0.1 second higher than predicted, but well within the predicted one sigma uncertainty of 0.2 seconds. Several flight measurement discrepancies existed during the flight as follows: (1) the chamber pressure transducer had a noticeable drift, exhibiting a maximum error of about 1.5 psi at approximately 130 seconds after engine ignition, (2) the fuel and oxidizer interface pressure measurements appeared to be low during the entire flight, and (3) the fuel propellant quantity gaging system did not perform within expected accuracies.

  12. The hair grooming practices of women of African descent in London, United Kingdom: findings of a cross-sectional study.

    PubMed

    Dadzie, O E; Salam, A

    2016-06-01

    There is a lack of published data pertaining to the hair grooming practices of women of African descent in Europe. However, these data are important in facilitating culturally appropriate discussions on hair loss prevention. We sought to describe the hair grooming practices of adult women of African descent in London, UK. Analysis of pooled data collected from a questionnaire-based study exploring correlates of hair loss in women of African descent in London. A maximum of 242 subjects were included in the final data analysis. Subjects had a mean age of 41.1 years (CI: 39.3-42.9) and exhibited a diverse range of scalp hair phenotypes, although the majority (76.3%) had type 6, 7 or 8 hair. A percentage of 64.9 had more than five different hairstyles since childhood, with natural hairstyles being the most frequent current hairstyle (52.6%). The mean frequency of hair washing was 17.9 days (CI: 15.8-20.0), increasing to 32.8 days (28.6-37.0) when hair was braided or in a weave. The mean frequency of hair braiding/weaving was 63 days (CI: 56.3-69.7), whereas that for application of chemical relaxers was 88.6 days (CI: 75.6-101.6). While 59.2% of subjects avoided concurrent use of hair colours and chemical relaxers, only 46.3% avoided braiding chemically relaxed hair. The hair-care practices of women of African descent should be borne in mind when treating hair and scalp disorders in this group. Although the current trend is towards natural hairstyles, some adverse hair-care practices still persist which should be addressed through culturally appropriate public health messages on hair loss prevention. © 2016 European Academy of Dermatology and Venereology.

  13. EMG-Based Estimation of Limb Movement Using Deep Learning With Recurrent Convolutional Neural Networks.

    PubMed

    Xia, Peng; Hu, Jie; Peng, Yinghong

    2017-10-25

    A novel model based on deep learning is proposed to estimate kinematic information for myoelectric control from multi-channel electromyogram (EMG) signals. The neural information of limb movement is embedded in EMG signals that are influenced by all kinds of factors. In order to overcome the negative effects of variability in signals, the proposed model employs the deep architecture combining convolutional neural networks (CNNs) and recurrent neural networks (RNNs). The EMG signals are transformed to time-frequency frames as the input to the model. The limb movement is estimated by the model that is trained with the gradient descent and backpropagation procedure. We tested the model for simultaneous and proportional estimation of limb movement in eight healthy subjects and compared it with support vector regression (SVR) and CNNs on the same data set. The experimental studies show that the proposed model has higher estimation accuracy and better robustness with respect to time. The combination of CNNs and RNNs can improve the model performance compared with using CNNs alone. The model of deep architecture is promising in EMG decoding and optimization of network structures can increase the accuracy and robustness. © 2017 International Center for Artificial Organs and Transplantation and Wiley Periodicals, Inc.

  14. The relationship of heel contact in ascent and descent from jumps to the incidence of shin splints in ballet dancers.

    PubMed

    Gans, A

    1985-08-01

    I conducted a study to determine whether ballet dancers with a history of shin splints make heel contact on ascent and descent from jumps less often than dancers without this history. Sixteen dancers were filmed as they executed a sequence of jumps at two different speeds. Eight of the subjects had a history of shin-splint pain; eight had no such history. The film was viewed on a Super 8 movie projector. Heel contacts on ascent and descent from jumps were counted. Double heel strikes (heel rise between landing and pushing off) were also counted. A nonparametric t test showed no differences between the two groups in the number of contacts on ascent or descent. The dancers with a history of shin splints, however, demonstrated more double heel strikes (p = .02) than the other group. Clinically, this finding may represent a lack of control or a tight Achilles tendon or both. Further study is necessary to confirm these theories. For treatment and prevention of shin splints, a clinician must evaluate a dancer's jumping technique and then provide systematic training to develop the skin strength, flexibility, and coordination that make up control.

  15. Enhancements on the Convex Programming Based Powered Descent Guidance Algorithm for Mars Landing

    NASA Technical Reports Server (NTRS)

    Acikmese, Behcet; Blackmore, Lars; Scharf, Daniel P.; Wolf, Aron

    2008-01-01

    In this paper, we present enhancements on the powered descent guidance algorithm developed for Mars pinpoint landing. The guidance algorithm solves the powered descent minimum fuel trajectory optimization problem via a direct numerical method. Our main contribution is to formulate the trajectory optimization problem, which has nonconvex control constraints, as a finite dimensional convex optimization problem, specifically as a finite dimensional second order cone programming (SOCP) problem. SOCP is a subclass of convex programming, and there are efficient SOCP solvers with deterministic convergence properties. Hence, the resulting guidance algorithm can potentially be implemented onboard a spacecraft for real-time applications. Particularly, this paper discusses the algorithmic improvements obtained by: (i) Using an efficient approach to choose the optimal time-of-flight; (ii) Using a computationally inexpensive way to detect the feasibility/ infeasibility of the problem due to the thrust-to-weight constraint; (iii) Incorporating the rotation rate of the planet into the problem formulation; (iv) Developing additional constraints on the position and velocity to guarantee no-subsurface flight between the time samples of the temporal discretization; (v) Developing a fuel-limited targeting algorithm; (vi) Initial result on developing an onboard table lookup method to obtain almost fuel optimal solutions in real-time.

  16. MSL Lessons Learned and Knowledge Capture

    NASA Technical Reports Server (NTRS)

    Buxbaum, Karen L.

    2012-01-01

    The Mars Program has recently been informed of the Planetary Protection Subcommittee (PPS) recommendation, which was endorsed by the NAC, concerning Mars Science Lab (MSL) lessons learned and knowledge capture. The Mars Program has not had an opportunity to consider any decisions specific to the PPS recommendation. Some of the activities recommended by the PPS would involve members of the MSL flight team who are focused on cruise, entry descent & landing, and early surface operations; those activities would have to wait. Members of the MSL planetary protection team at JPL are still available to support MSL lessons learned and knowledge capture; some of the specifically recommended activities have already begun. The Mars Program shares the PPS/NAC concerns about loss of potential information & expertise in planetary protection practice.

  17. Full magnetic gradient tensor from triaxial aeromagnetic gradient measurements: Calculation and application

    NASA Astrophysics Data System (ADS)

    Luo, Yao; Wu, Mei-Ping; Wang, Ping; Duan, Shu-Ling; Liu, Hao-Jun; Wang, Jin-Long; An, Zhan-Feng

    2015-09-01

    The full magnetic gradient tensor (MGT) refers to the spatial change rate of the three field components of the geomagnetic field vector along three mutually orthogonal axes. The tensor is of use to geological mapping, resources exploration, magnetic navigation, and others. However, it is very difficult to measure the full magnetic tensor gradient using existing engineering technology. We present a method to use triaxial aeromagnetic gradient measurements for deriving the full MGT. The method uses the triaxial gradient data and makes full use of the variation of the magnetic anomaly modulus in three dimensions to obtain a self-consistent magnetic tensor gradient. Numerical simulations show that the full MGT data obtained with the proposed method are of high precision and satisfy the requirements of data processing. We selected triaxial aeromagnetic gradient data from the Hebei Province for calculating the full MGT. Data processing shows that using triaxial tensor gradient data allows to take advantage of the spatial rate of change of the total field in three dimensions and suppresses part of the independent noise in the aeromagnetic gradient. The calculated tensor components have improved resolution, and the transformed full tensor gradient satisfies the requirement of geological mapping and interpretation.

  18. Trunk and Lower Extremity Kinematics During Stair Descent in Women With or Without Patellofemoral Pain.

    PubMed

    Schwane, Brandi G; Goerger, Benjamin M; Goto, Shiho; Blackburn, J Troy; Aguilar, Alain J; Padua, Darin A

    2015-07-01

    There is limited evidence indicating the contribution of trunk kinematics to patellofemoral pain (PFP). A better understanding of the interaction between trunk and lower extremity kinematics in this population may provide new avenues for interventions to treat PFP. To compare trunk and lower extremity kinematics between participants with PFP and healthy controls during a stair-descent task. Cross-sectional study. Research laboratory. Twenty women with PFP (age = 22.2 ± 3.1 years, height = 164.5 ± 9.2 cm, mass = 63.5 ± 13.6 kg) and 20 healthy women (age = 21.0 ± 2.6 years, height = 164.5 ± 7.1 cm, mass = 63.8 ± 12.7 kg). Kinematics were recorded as participants performed stair descent at a controlled velocity. Three-dimensional joint displacement of the trunk, hip, and knee during the stance phase of stair descent for the affected leg was measured using a 7-camera infrared optical motion-capture system. Pretest and posttest pain were assessed using a visual analogue scale. Kinematic differences between groups were determined using independent-samples t tests. A 2 × 2 mixed-model analysis of variance (group = PFP, control; time = pretest, posttest) was used to compare knee pain. We observed greater knee internal-rotation displacement for the PFP group (12.8° ± 7.2°) as compared with the control group (8.9° ± 4.4°). No other between-groups differences were observed for the trunk, hip, or other knee variables. We observed no difference in trunk kinematics between groups but did note differences in knee internal-rotation displacement. These findings contribute to the current knowledge of altered movement in those with PFP and provide direction for exercise interventions.

  19. Segmentation of neuronal structures using SARSA (λ)-based boundary amendment with reinforced gradient-descent curve shape fitting.

    PubMed

    Zhu, Fei; Liu, Quan; Fu, Yuchen; Shen, Bairong

    2014-01-01

    The segmentation of structures in electron microscopy (EM) images is very important for neurobiological research. The low resolution neuronal EM images contain noise and generally few features are available for segmentation, therefore application of the conventional approaches to identify the neuron structure from EM images is not successful. We therefore present a multi-scale fused structure boundary detection algorithm in this study. In the algorithm, we generate an EM image Gaussian pyramid first, then at each level of the pyramid, we utilize Laplacian of Gaussian function (LoG) to attain structure boundary, we finally assemble the detected boundaries by using fusion algorithm to attain a combined neuron structure image. Since the obtained neuron structures usually have gaps, we put forward a reinforcement learning-based boundary amendment method to connect the gaps in the detected boundaries. We use a SARSA (λ)-based curve traveling and amendment approach derived from reinforcement learning to repair the incomplete curves. Using this algorithm, a moving point starts from one end of the incomplete curve and walks through the image where the decisions are supervised by the approximated curve model, with the aim of minimizing the connection cost until the gap is closed. Our approach provided stable and efficient structure segmentation. The test results using 30 EM images from ISBI 2012 indicated that both of our approaches, i.e., with or without boundary amendment, performed better than six conventional boundary detection approaches. In particular, after amendment, the Rand error and warping error, which are the most important performance measurements during structure segmentation, were reduced to very low values. The comparison with the benchmark method of ISBI 2012 and the recent developed methods also indicates that our method performs better for the accurate identification of substructures in EM images and therefore useful for the identification of imaging

  20. Segmentation of Neuronal Structures Using SARSA (λ)-Based Boundary Amendment with Reinforced Gradient-Descent Curve Shape Fitting

    PubMed Central

    Zhu, Fei; Liu, Quan; Fu, Yuchen; Shen, Bairong

    2014-01-01

    The segmentation of structures in electron microscopy (EM) images is very important for neurobiological research. The low resolution neuronal EM images contain noise and generally few features are available for segmentation, therefore application of the conventional approaches to identify the neuron structure from EM images is not successful. We therefore present a multi-scale fused structure boundary detection algorithm in this study. In the algorithm, we generate an EM image Gaussian pyramid first, then at each level of the pyramid, we utilize Laplacian of Gaussian function (LoG) to attain structure boundary, we finally assemble the detected boundaries by using fusion algorithm to attain a combined neuron structure image. Since the obtained neuron structures usually have gaps, we put forward a reinforcement learning-based boundary amendment method to connect the gaps in the detected boundaries. We use a SARSA (λ)-based curve traveling and amendment approach derived from reinforcement learning to repair the incomplete curves. Using this algorithm, a moving point starts from one end of the incomplete curve and walks through the image where the decisions are supervised by the approximated curve model, with the aim of minimizing the connection cost until the gap is closed. Our approach provided stable and efficient structure segmentation. The test results using 30 EM images from ISBI 2012 indicated that both of our approaches, i.e., with or without boundary amendment, performed better than six conventional boundary detection approaches. In particular, after amendment, the Rand error and warping error, which are the most important performance measurements during structure segmentation, were reduced to very low values. The comparison with the benchmark method of ISBI 2012 and the recent developed methods also indicates that our method performs better for the accurate identification of substructures in EM images and therefore useful for the identification of imaging

  1. Intelligence system based classification approach for medical disease diagnosis

    NASA Astrophysics Data System (ADS)

    Sagir, Abdu Masanawa; Sathasivam, Saratha

    2017-08-01

    The prediction of breast cancer in women who have no signs or symptoms of the disease as well as survivability after undergone certain surgery has been a challenging problem for medical researchers. The decision about presence or absence of diseases depends on the physician's intuition, experience and skill for comparing current indicators with previous one than on knowledge rich data hidden in a database. This measure is a very crucial and challenging task. The goal is to predict patient condition by using an adaptive neuro fuzzy inference system (ANFIS) pre-processed by grid partitioning. To achieve an accurate diagnosis at this complex stage of symptom analysis, the physician may need efficient diagnosis system. A framework describes methodology for designing and evaluation of classification performances of two discrete ANFIS systems of hybrid learning algorithms least square estimates with Modified Levenberg-Marquardt and Gradient descent algorithms that can be used by physicians to accelerate diagnosis process. The proposed method's performance was evaluated based on training and test datasets with mammographic mass and Haberman's survival Datasets obtained from benchmarked datasets of University of California at Irvine's (UCI) machine learning repository. The robustness of the performance measuring total accuracy, sensitivity and specificity is examined. In comparison, the proposed method achieves superior performance when compared to conventional ANFIS based gradient descent algorithm and some related existing methods. The software used for the implementation is MATLAB R2014a (version 8.3) and executed in PC Intel Pentium IV E7400 processor with 2.80 GHz speed and 2.0 GB of RAM.

  2. The Dropout Learning Algorithm

    PubMed Central

    Baldi, Pierre; Sadowski, Peter

    2014-01-01

    Dropout is a recently introduced algorithm for training neural network by randomly dropping units during training to prevent their co-adaptation. A mathematical analysis of some of the static and dynamic properties of dropout is provided using Bernoulli gating variables, general enough to accommodate dropout on units or connections, and with variable rates. The framework allows a complete analysis of the ensemble averaging properties of dropout in linear networks, which is useful to understand the non-linear case. The ensemble averaging properties of dropout in non-linear logistic networks result from three fundamental equations: (1) the approximation of the expectations of logistic functions by normalized geometric means, for which bounds and estimates are derived; (2) the algebraic equality between normalized geometric means of logistic functions with the logistic of the means, which mathematically characterizes logistic functions; and (3) the linearity of the means with respect to sums, as well as products of independent variables. The results are also extended to other classes of transfer functions, including rectified linear functions. Approximation errors tend to cancel each other and do not accumulate. Dropout can also be connected to stochastic neurons and used to predict firing rates, and to backpropagation by viewing the backward propagation as ensemble averaging in a dropout linear network. Moreover, the convergence properties of dropout can be understood in terms of stochastic gradient descent. Finally, for the regularization properties of dropout, the expectation of the dropout gradient is the gradient of the corresponding approximation ensemble, regularized by an adaptive weight decay term with a propensity for self-consistent variance minimization and sparse representations. PMID:24771879

  3. Maraia Capsule Flight Testing and Results for Entry, Descent, and Landing

    NASA Technical Reports Server (NTRS)

    Sostaric, Ronald R.; Strahan, Alan L.

    2016-01-01

    The Maraia concept is a modest size (150 lb., 30" diameter) capsule that has been proposed as an ISS based, mostly autonomous earth return capability to function either as an Entry, Descent, and Landing (EDL) technology test platform or as a small on-demand sample return vehicle. A flight test program has been completed including high altitude balloon testing of the proposed capsule shape, with the purpose of investigating aerodynamics and stability during the latter portion of the entry flight regime, along with demonstrating a potential recovery system. This paper includes description, objectives, and results from the test program.

  4. A Dictionary Learning Approach with Overlap for the Low Dose Computed Tomography Reconstruction and Its Vectorial Application to Differential Phase Tomography

    PubMed Central

    Mirone, Alessandro; Brun, Emmanuel; Coan, Paola

    2014-01-01

    X-ray based Phase-Contrast Imaging (PCI) techniques have been demonstrated to enhance the visualization of soft tissues in comparison to conventional imaging methods. Nevertheless the delivered dose as reported in the literature of biomedical PCI applications often equals or exceeds the limits prescribed in clinical diagnostics. The optimization of new computed tomography strategies which include the development and implementation of advanced image reconstruction procedures is thus a key aspect. In this scenario, we implemented a dictionary learning method with a new form of convex functional. This functional contains in addition to the usual sparsity inducing and fidelity terms, a new term which forces similarity between overlapping patches in the superimposed regions. The functional depends on two free regularization parameters: a coefficient multiplying the sparsity-inducing norm of the patch basis functions coefficients, and a coefficient multiplying the norm of the differences between patches in the overlapping regions. The solution is found by applying the iterative proximal gradient descent method with FISTA acceleration. The gradient is computed by calculating projection of the solution and its error backprojection at each iterative step. We study the quality of the solution, as a function of the regularization parameters and noise, on synthetic data for which the solution is a-priori known. We apply the method on experimental data in the case of Differential Phase Tomography. For this case we use an original approach which consists in using vectorial patches, each patch having two components: one per each gradient component. The resulting algorithm, implemented in the European Synchrotron Radiation Facility tomography reconstruction code PyHST, has proven to be efficient and well-adapted to strongly reduce the required dose and the number of projections in medical tomography. PMID:25531987

  5. A dictionary learning approach with overlap for the low dose computed tomography reconstruction and its vectorial application to differential phase tomography.

    PubMed

    Mirone, Alessandro; Brun, Emmanuel; Coan, Paola

    2014-01-01

    X-ray based Phase-Contrast Imaging (PCI) techniques have been demonstrated to enhance the visualization of soft tissues in comparison to conventional imaging methods. Nevertheless the delivered dose as reported in the literature of biomedical PCI applications often equals or exceeds the limits prescribed in clinical diagnostics. The optimization of new computed tomography strategies which include the development and implementation of advanced image reconstruction procedures is thus a key aspect. In this scenario, we implemented a dictionary learning method with a new form of convex functional. This functional contains in addition to the usual sparsity inducing and fidelity terms, a new term which forces similarity between overlapping patches in the superimposed regions. The functional depends on two free regularization parameters: a coefficient multiplying the sparsity-inducing L1 norm of the patch basis functions coefficients, and a coefficient multiplying the L2 norm of the differences between patches in the overlapping regions. The solution is found by applying the iterative proximal gradient descent method with FISTA acceleration. The gradient is computed by calculating projection of the solution and its error backprojection at each iterative step. We study the quality of the solution, as a function of the regularization parameters and noise, on synthetic data for which the solution is a-priori known. We apply the method on experimental data in the case of Differential Phase Tomography. For this case we use an original approach which consists in using vectorial patches, each patch having two components: one per each gradient component. The resulting algorithm, implemented in the European Synchrotron Radiation Facility tomography reconstruction code PyHST, has proven to be efficient and well-adapted to strongly reduce the required dose and the number of projections in medical tomography.

  6. Human Mars Entry, Descent, and Landing Architecture Study Overview

    NASA Technical Reports Server (NTRS)

    Cianciolo, Alicia D.; Polsgrove, Tara T.

    2016-01-01

    The Entry, Descent, and Landing (EDL) Architecture Study is a multi-NASA center activity to analyze candidate EDL systems as they apply to human Mars landing in the context of the Evolvable Mars Campaign. The study, led by the Space Technology Mission Directorate (STMD), is performed in conjunction with the NASA's Science Mission Directorate and the Human Architecture Team, sponsored by NASA's Human Exploration and Operations Mission Directorate. The primary objective is to prioritize future STMD EDL technology investments by (1) generating Phase A-level designs for selected concepts to deliver 20 t human class payloads, (2) developing a parameterized mass model for each concept capable of examining payloads between 5 and 40 t, and (3) evaluating integrated system performance using trajectory simulations. This paper summarizes the initial study results.

  7. Feedback control for fuel-optimal descents using singular perturbation techniques

    NASA Technical Reports Server (NTRS)

    Price, D. B.

    1984-01-01

    In response to rising fuel costs and reduced profit margins for the airline companies, the optimization of the paths flown by transport aircraft has been considered. It was found that application of optimal control theory to the considered problem can result in savings in fuel, time, and direct operating costs. The best solution to the aircraft trajectory problem is an onboard real-time feedback control law. The present paper presents a technique which shows promise of becoming a part of a complete solution. The application of singular perturbation techniques to the problem is discussed, taking into account the benefits and some problems associated with them. A different technique for handling the descent part of a trajectory is also discussed.

  8. Gradient Driven Fluctuations

    NASA Technical Reports Server (NTRS)

    Cannell, David

    2005-01-01

    We have worked with our collaborators at the University of Milan (Professor Marzio Giglio and his group-supported by ASI) to define the science required to measure gradient driven fluctuations in the microgravity environment. Such a study would provide an accurate test of the extent to which the theory of fluctuating hydrodynamics can be used to predict the properties of fluids maintained in a stressed, non-equilibrium state. As mentioned above, the results should also provide direct visual insight into the behavior of a variety of fluid systems containing gradients or interfaces, when placed in the microgravity environment. With support from the current grant, we have identified three key systems for detailed investigation. These three systems are: 1) A single-component fluid to be studied in the presence of a temperature gradient; 2) A mixture of two organic liquids to be studied both in the presence of a temperature gradient, which induces a steady-state concentration gradient, and with the temperature gradient removed, but while the concentration gradient is dying by means of diffusion; 3) Various pairs of liquids undergoing free diffusion, including a proteidbuffer solution and pairs of mixtures having different concentrations, to allow us to vary the differences in fluid properties in a controlled manner.

  9. Effects of the Phoenix Lander descent thruster plume on the Martian surface

    NASA Astrophysics Data System (ADS)

    Plemmons, D. H.; Mehta, M.; Clark, B. C.; Kounaves, S. P.; Peach, L. L.; Renno, N. O.; Tamppari, L.; Young, S. M. M.

    2008-08-01

    The exhaust plume of Phoenix's hydrazine monopropellant pulsed descent thrusters will impact the surface of Mars during its descent and landing phase in the northern polar region. Experimental and computational studies have been performed to characterize the chemical compounds in the thruster exhausts. No undecomposed hydrazine is observed above the instrument detection limit of 0.2%. Forty-five percent ammonia is measured in the exhaust at steady state. Water vapor is observed at a level of 0.25%, consistent with fuel purity analysis results. Moreover, the dynamic interactions of the thruster plumes with the ground have been studied. Large pressure overshoots are produced at the ground during the ramp-up and ramp-down phases of the duty cycle of Phoenix's pulsed engines. These pressure overshoots are superimposed on the 10 Hz quasi-steady ground pressure perturbations with amplitude of about 5 kPa (at touchdown altitude) and have a maximum amplitude of about 20-40 kPa. A theoretical explanation for the physics that causes these pressure perturbations is briefly described in this article. The potential for soil erosion and uplifting at the landing site is also discussed. The objectives of the research described in this article are to provide empirical and theoretical data for the Phoenix Science Team to mitigate any potential problem. The data will also be used to ensure proper interpretation of the results from on-board scientific instrumentation when Martian soil samples are analyzed.

  10. Distributed Method to Optimal Profile Descent

    NASA Astrophysics Data System (ADS)

    Kim, Geun I.

    Current ground automation tools for Optimal Profile Descent (OPD) procedures utilize path stretching and speed profile change to maintain proper merging and spacing requirements at high traffic terminal area. However, low predictability of aircraft's vertical profile and path deviation during decent add uncertainty to computing estimated time of arrival, a key information that enables the ground control center to manage airspace traffic effectively. This paper uses an OPD procedure that is based on a constant flight path angle to increase the predictability of the vertical profile and defines an OPD optimization problem that uses both path stretching and speed profile change while largely maintaining the original OPD procedure. This problem minimizes the cumulative cost of performing OPD procedures for a group of aircraft by assigning a time cost function to each aircraft and a separation cost function to a pair of aircraft. The OPD optimization problem is then solved in a decentralized manner using dual decomposition techniques under inter-aircraft ADS-B mechanism. This method divides the optimization problem into more manageable sub-problems which are then distributed to the group of aircraft. Each aircraft solves its assigned sub-problem and communicate the solutions to other aircraft in an iterative process until an optimal solution is achieved thus decentralizing the computation of the optimization problem.

  11. Patterns of vitamin D, parathyroid hormone and c-terminal telopeptide of collagen type 1 in Caucasian and African descent HIV-infected populations in Central Europe.

    PubMed

    Noe, Sebastian; Oldenbuettel, Celia; Heldwein, Silke; Jaeger, Hans; Wolf, Eva

    2017-10-02

    Risk factors for bone loss in HIV patients might differ or have a different impact in African descent compared to Caucasian populations. The aim of the paper is to analyze the relevance of risk factors on surrogate markers of bone metabolism in HIV-infected African descent and Caucasian patients. This is a cross-sectional study in a single HIV-specialized research and clinical care center in Munich, Germany. We included 889 patients in the study, among them 771 Caucasians (86.7%). Only in Caucasians lower vitamin D levels [OR: 2.5 (95CI: 1.6-3.7)], lower calcium levels [OR: 1.8 (1.2-2.8)], and the use of tenofovir disoproxil fumarate [OR: 2.8 (1.8-4.4)] were significantly associated with elevated PTH in multivariate analysis. Likewise, only in Caucasians elevated PTH was significantly associated with elevated markers of c-terminal telopeptides of collagen type 1 (β-CTX) [OR: 1.7 (1.0-3.0)]. Effects of traditional risk factors for secondary hyperparathyroidism and increased markers of bone turn-over seem to be less distinct in African descent HIV patients. The clinical impact and generalizability of this finding as well as the significance of vitamin D supplementation in African descent patients therefore warrants further investigation.

  12. Empirical relation between induced velocity, thrust, and rate of descent of a helicopter rotor as determined by wind-tunnel tests on four model rotors

    NASA Technical Reports Server (NTRS)

    Castles, Walter, Jr.; Gray, Robin B.

    1951-01-01

    The empirical relation between the induced velocity, thrust, and rate of vertical descent of a helicopter rotor was calculated from wind tunnel force tests on four model rotors by the application of blade-element theory to the measured values of the thrust, torque, blade angle, and equivalent free-stream rate of descent. The model tests covered the useful range of C(sub t)/sigma(sub e) (where C(sub t) is the thrust coefficient and sigma(sub e) is the effective solidity) and the range of vertical descent from hovering to descent velocities slightly greater than those for autorotation. The three bladed models, each of which had an effective solidity of 0.05 and NACA 0015 blade airfoil sections, were as follows: (1) constant-chord, untwisted blades of 3-ft radius; (2) untwisted blades of 3-ft radius having a 3/1 taper; (3) constant-chord blades of 3-ft radius having a linear twist of 12 degrees (washout) from axis of rotation to tip; and (4) constant-chord, untwisted blades of 2-ft radius. Because of the incorporation of a correction for blade dynamic twist and the use of a method of measuring the approximate equivalent free-stream velocity, it is believed that the data obtained from this program are more applicable to free-flight calculations than the data from previous model tests.

  13. Empirical Relation Between Induced Velocity, Thrust, and Rate of Descent of a Helicopter Rotor as Determined by Wind-tunnel Tests on Four Model Rotors

    NASA Technical Reports Server (NTRS)

    Castles, Walter, Jr; Gray, Robin B

    1951-01-01

    The empirical relation between the induced velocity, thrust, and rate of vertical descent of a helicopter rotor was calculated from wind tunnel force tests on four model rotors by the application of blade-element theory to the measured values of the thrust, torque, blade angle, and equivalent free-stream rate of descent. The model tests covered the useful range of C(sub t)/sigma(sub e) (where C(sub t) is the thrust coefficient and sigma(sub e) is the effective solidity) and the range of vertical descent from hovering to descent velocities slightly greater than those for autorotation. The three bladed models, each of which had an effective solidity of 0.05 and NACA 0015 blade airfoil sections, were as follows: (1) constant-chord, untwisted blades of 3-ft radius; (2) untwisted blades of 3-ft radius having a 3/1 taper; (3) constant-chord blades of 3-ft radius having a linear twist of 12 degrees (washout) from axis of rotation to tip; and (4) constant-chord, untwisted blades of 2-ft radius. Because of the incorporation of a correction for blade dynamic twist and the use of a method of measuring the approximate equivalent free-stream velocity, it is believed that the data obtained from this program are more applicable to free-flight calculations than the data from previous model tests.

  14. Gender difference in older adult's utilization of gravitational and ground reaction force in regulation of angular momentum during stair descent.

    PubMed

    Singhal, Kunal; Kim, Jemin; Casebolt, Jeffrey; Lee, Sangwoo; Han, Ki-Hoon; Kwon, Young-Hoo

    2015-06-01

    Angular momentum of the body is a highly controlled quantity signifying stability, therefore, it is essential to understand its regulation during stair descent. The purpose of this study was to investigate how older adults use gravity and ground reaction force to regulate the angular momentum of the body during stair descent. A total of 28 participants (12 male and 16 female; 68.5 years and 69.0 years of mean age respectively) performed stair descent from a level walk in a step-over-step manner at a self-selected speed over a custom made three-step staircase with embedded force plates. Kinematic and force data were used to calculate angular momentum, gravitational moment, and ground reaction force moment about the stance foot center of pressure. Women show a significantly greater change in normalized angular momentum (0.92Nms/Kgm; p=.004) as compared to men (0.45Nms/Kgm). Women produce higher normalized GRF (p=.031) during the double support phase. The angular momentum changes show largest backward regulation for Step 0 and forward regulation for Step 2. This greater difference in overall change in the angular momentum in women may explain their increased risk of fall over the stairs. Copyright © 2015 Elsevier B.V. All rights reserved.

  15. Mars Reconnaissance Orbiter Navigation Strategy for Dual Support of Insight and ExoMars Entry, Descent and Landing Demonstrator Module in 2016

    NASA Technical Reports Server (NTRS)

    Wagner, Sean V.; Menon, Premkumar R.; Chung, Min-Kun J.; Williams, Jessica L.

    2015-01-01

    Mars Reconnaissance Orbiter (MRO) will support NASA's InSight Mission and ESA's ExoMars Entry, Descent and Landing Demonstrator Module (EDM) in the fall of 2016 when both landers arrive at Mars. MRO provided relay support during the Entry, Descent and Landing (EDL) sequences of Mars Phoenix Lander in 2008 and the Mars Science Laboratory in 2012. Unlike these missions, MRO will coordinate between two EDL events separated by only three weeks: InSight on September 28, 2016 and EDM on October 19, 2016. This paper describes MRO Navigation's maneuver strategy to move MRO's ascending node to meet the In- Sight EDL phasing requirement and support EDM.

  16. Statistical Mechanics of the Delayed Reward-Based Learning with Node Perturbation

    NASA Astrophysics Data System (ADS)

    Hiroshi Saito,; Kentaro Katahira,; Kazuo Okanoya,; Masato Okada,

    2010-06-01

    In reward-based learning, reward is typically given with some delay after a behavior that causes the reward. In machine learning literature, the framework of the eligibility trace has been used as one of the solutions to handle the delayed reward in reinforcement learning. In recent studies, the eligibility trace is implied to be important for difficult neuroscience problem known as the “distal reward problem”. Node perturbation is one of the stochastic gradient methods from among many kinds of reinforcement learning implementations, and it searches the approximate gradient by introducing perturbation to a network. Since the stochastic gradient method does not require a objective function differential, it is expected to be able to account for the learning mechanism of a complex system, like a brain. We study the node perturbation with the eligibility trace as a specific example of delayed reward-based learning, and analyzed it using a statistical mechanics approach. As a result, we show the optimal time constant of the eligibility trace respect to the reward delay and the existence of unlearnable parameter configurations.

  17. Admixture Analysis of Spontaneous Hepatitis C Virus Clearance in Individuals of African-Descent

    PubMed Central

    Wojcik, Genevieve L.; Thio, Chloe L.; Kao, WH Linda; Latanich, Rachel; Goedert, James J.; Mehta, Shruti H.; Kirk, Gregory D.; Peters, Marion G.; Cox, Andrea L.; Kim, Arthur Y.; Chung, Raymond T.; Thomas, David L.; Duggal, Priya

    2015-01-01

    Hepatitis C virus (HCV) infects an estimated 3% of the global population with the majority of individuals (75–85%) failing to clear the virus without treatment, leading to chronic liver disease. Individuals of African-descent have lower rates of clearance compared to individuals of European-descent and this is not fully explained by social and environmental factors. This suggests that differences in genetic background may contribute to this difference in clinical outcome following HCV infection. Using 473 individuals and 792,721 SNPs from a genome-wide association study (GWAS), we estimated local African ancestry across the genome. Using admixture mapping and logistic regression we identified two regions of interest associated with spontaneous clearance of HCV (15q24, 20p12). A genome-wide significant variant was identified on chromosome 15 at the imputed SNP, rs55817928 (P=6.18×10−8) between the genes SCAPER and RCN. Each additional copy of the African ancestral C allele is associated with 2.4 times the odds of spontaneous clearance. Conditional analysis using this SNP in the logistic regression model explained one-third of the local ancestry association. Additionally, signals of selection in this area suggest positive selection due to some ancestral pathogen or environmental pressure in African, but not in European populations. PMID:24622687

  18. Effects of environmental changes in a stair climbing intervention: generalization to stair descent.

    PubMed

    Webb, Oliver J; Eves, Frank F

    2007-01-01

    Visual improvements have been shown to encourage stair use in worksites independently of written prompts. This study examined whether visual modifications alone can influence behavior in a shopping mall. Climbing one flight of stairs, however, will not confer health benefits. Therefore, this study also assessed whether exposure to the intervention encouraged subsequent stair use. Interrupted time-series design. Escalators flanked by a staircase on either side. Ascending and descending pedestrians (N = 81,948). Following baseline monitoring, a colorful design was introduced on the stair risers of one staircase (the target staircase). A health promotion message was superimposed later on top. The intervention was visible only to ascending pedestrians. Thus, any rise in descending stair use would indicate increased intention to use stairs, which endured after initial exposure to the intervention. Observers inconspicuously coded pedestrians' means of ascent/descent and demographic characteristics. The design alone had no meaningful impact. Addition of the message, however, increased stair climbing at the target and nontarget staircases by 190% and 52%, respectively. The message also produced a modest increase in stair descent at the target (25%) and nontarget (9%) staircases. In public venues, a message component is critical to the success of interventions. In addition, it appears that exposure to an intervention can encourage pedestrians to use stairs on a subsequent occasion.

  19. Mothers' and Fathers' Questions to Their Child in Mexican-Descent Families: Moderators of Cognitive Demand during Play.

    ERIC Educational Resources Information Center

    Tenenbaum, Harriet R.; Leaper, Campbell

    1997-01-01

    The cognitive demand in questions directed to Mexican-descent children by their mothers and fathers were analyzed for videotaped play situations involving gender-neutral, masculine-, or feminine-stereotyped toys. Mothers asked proportionately more conceptual questions than did fathers. Mothers' question asking was influenced by child gender,…

  20. 14 CFR 121.333 - Supplemental oxygen for emergency descent and for first aid; turbine engine powered airplanes...

    Code of Federal Regulations, 2011 CFR

    2011-01-01

    ... and for first aid; turbine engine powered airplanes with pressurized cabins. 121.333 Section 121.333... for emergency descent and for first aid; turbine engine powered airplanes with pressurized cabins. (a) General. When operating a turbine engine powered airplane with a pressurized cabin, the certificate holder...

  1. 14 CFR 121.333 - Supplemental oxygen for emergency descent and for first aid; turbine engine powered airplanes...

    Code of Federal Regulations, 2010 CFR

    2010-01-01

    ... and for first aid; turbine engine powered airplanes with pressurized cabins. 121.333 Section 121.333... for emergency descent and for first aid; turbine engine powered airplanes with pressurized cabins. (a) General. When operating a turbine engine powered airplane with a pressurized cabin, the certificate holder...

  2. 14 CFR 121.333 - Supplemental oxygen for emergency descent and for first aid; turbine engine powered airplanes...

    Code of Federal Regulations, 2014 CFR

    2014-01-01

    ... 14 Aeronautics and Space 3 2014-01-01 2014-01-01 false Supplemental oxygen for emergency descent..., FLAG, AND SUPPLEMENTAL OPERATIONS Instrument and Equipment Requirements § 121.333 Supplemental oxygen... shall furnish oxygen and dispensing equipment to comply with paragraphs (b) through (e) of this section...

  3. 14 CFR 121.333 - Supplemental oxygen for emergency descent and for first aid; turbine engine powered airplanes...

    Code of Federal Regulations, 2012 CFR

    2012-01-01

    ... 14 Aeronautics and Space 3 2012-01-01 2012-01-01 false Supplemental oxygen for emergency descent..., FLAG, AND SUPPLEMENTAL OPERATIONS Instrument and Equipment Requirements § 121.333 Supplemental oxygen... shall furnish oxygen and dispensing equipment to comply with paragraphs (b) through (e) of this section...

  4. 14 CFR 121.333 - Supplemental oxygen for emergency descent and for first aid; turbine engine powered airplanes...

    Code of Federal Regulations, 2013 CFR

    2013-01-01

    ... 14 Aeronautics and Space 3 2013-01-01 2013-01-01 false Supplemental oxygen for emergency descent..., FLAG, AND SUPPLEMENTAL OPERATIONS Instrument and Equipment Requirements § 121.333 Supplemental oxygen... shall furnish oxygen and dispensing equipment to comply with paragraphs (b) through (e) of this section...

  5. Psychological distress among low-income U.S.- and foreign-born women of Mexican descent: impact of acculturation.

    PubMed

    Bekteshi, Venera; Xu, Qingwen; Van Tran, Thanh

    2015-01-01

    After testing the capacity of Kessler's psychological distress (K6) scale to measure equally across low-income Mexican-born women (n=881) and U.S.-born women of Mexican descent (n=317), this study assesses the impact of acculturation on this group's psychological distress. We employ descriptive and confirmatory factor analyses to test the cross-cultural equivalence of K6. Multivariate and logistic regression is used to test the association between acculturation and psychological distress among low-income, Mexican-American women. The cross-cultural equivalence analysis shows that some of the scale's items have the capacity to measure psychological distress equally among participants. Regression results indicate that the more acculturated these women become, the greater their psychological distress is. The study recommends that researchers emphasize the cross-cultural equivalence of their measures and suggests a heightened awareness among practitioners of the multidimensional impact of acculturation on clients of Mexican descent. Copyright © 2015 Jacobs Institute of Women's Health. Published by Elsevier Inc. All rights reserved.

  6. DISR imaging and the geometry of the descent of the Huygens probe within Titan's atmosphere

    NASA Astrophysics Data System (ADS)

    Karkoschka, Erich; Tomasko, Martin G.; Doose, Lyn R.; See, Chuck; McFarlane, Elisabeth A.; Schröder, Stefan E.; Rizk, Bashar

    2007-11-01

    The Descent Imager/Spectral Radiometer (DISR) provided 376 images during the descent to Titan and 224 images after landing. Images of the surface had scales between 150 m/pixel and 0.4 mm/pixel, all of which we assembled into a mosaic. The analysis of the surface and haze features in these images and of other data gave tight constraints on the geometry of the descent, particularly the trajectory, the tip and tilt, and the rotation of the Huygens probe. Huygens moved on average in the direction of 2∘ north of east from 145 to 50 km altitude, turning to 5∘ south of east between 30 and 20 km altitude, before turning back to east. At 6.5 km altitude, it reversed to WNW, before reversing back to SE at 0.7 km altitude. At first, Huygens was tilting slowly by up to 15∘ as expected for a descent through layers of changing wind speeds. As the winds calmed, tilts decreased. Tilts were approximately retrieved throughout the main-parachute phase, but only for 160 specific times afterwards. Average swing rates were 5∘/s at high and low altitudes, but 13∘/s between 110 and 30 km altitude. Maximum swing rates were often above 40∘/s, far above the design limit of 6∘/s, but they caused problems only for a single component of DISR, the Sun Sensor. The excitation of such high swing rates on the stabilizer parachute is not fully understood. Before the parachute exchange, the rotational rate of Huygens smoothly approached the expected equilibrium value of 3 rotations per vertical kilometer, although clockwise instead of counterclockwise. Starting at 40 s after the parachute exchange until landing, Huygens rotated erratically. Long-term averages of the rotational rate varied between 2.0 and 4.5 rotations/km. On time scales shorter than a minute, some 100 strong rotational accelerations or decelerations created azimuthal irregularities of up to 180∘, which caused DISR to take most exposures at random azimuths instead of pre-selected azimuths. Nevertheless, we

  7. Gradient zone boundary control in salt gradient solar ponds

    DOEpatents

    Hull, John R.

    1984-01-01

    A method and apparatus for suppressing zone boundary migration in a salt gradient solar pond includes extending perforated membranes across the pond at the boundaries, between the convective and non-convective zones, the perforations being small enough in size to prevent individual turbulence disturbances from penetrating the hole, but being large enough to allow easy molecular diffusion of salt thereby preventing the formation of convective zones in the gradient layer. The total area of the perforations is a sizable fraction of the membrane area to allow sufficient salt diffusion while preventing turbulent entrainment into the gradient zone.

  8. Gradient zone-boundary control in salt-gradient solar ponds

    DOEpatents

    Hull, J.R.

    1982-09-29

    A method and apparatus for suppressing zone boundary migration in a salt gradient solar pond includes extending perforated membranes across the pond at the boundaries, between the convective and non-convective zones, the perforations being small enough in size to prevent individual turbulence disturbances from penetrating the hole, but being large enough to allow easy molecular diffusion of salt thereby preventing the formation of convective zones in the gradient layer. The total area of the perforations is a sizeable fraction of the membrane area to allow sufficient salt diffusion while preventing turbulent entrainment into the gradient zone.

  9. Dietary associations of household food insecurity among children of Mexican descent: results of a binational study.

    PubMed

    Rosas, Lisa G; Harley, Kim; Fernald, Lia C H; Guendelman, Sylvia; Mejia, Fabiola; Neufeld, Lynnette M; Eskenazi, Brenda

    2009-12-01

    Children of Mexican descent frequently experience household food insecurity both in the United States and Mexico. However, little is known about the associations of food insecurity with dietary intake. This study aimed to understand the level of perceived food insecurity and its association with dietary intake among children of Mexican descent residing in the United States and Mexico. This cross-sectional study utilized data from a 2006 binational study of 5-year-old children of Mexican descent living in migrant communities in California and Mexico. In California, children were 301 participants from the Center for the Health Assessment of Mothers and Children of Salinas study, a longitudinal birth cohort in a Mexican immigrant community. Mexican children (n=301) were participants in the Proyecto Mariposa study, which was designed to capture a sample of women and their children living in Mexico who closely resembled the California sample, yet who never migrated to the United States. Household food insecurity was measured using the US Department of Agriculture Food Security Scale and dietary intake was assessed with food frequency questionnaires. Analysis of variance was used to examine unadjusted and adjusted differences in total energy, nutrient intake, and consumption of food groups by household food security status. Approximately 39% of California mothers and 75% of Mexico mothers reported low or very low food security in the past 12 months (P<0.01). Children in the United States experiencing food insecurity consumed more fat, saturated fat, sweets, and fried snacks than children not experiencing food insecurity. In contrast, in Mexico food insecurity was associated with lower intake of total carbohydrates, dairy, and vitamin B-6. Programs and policies addressing food insecurity in the United States and Mexico may need to take steps to address dietary intake among children in households experiencing food insecurity, possibly through education and programs to

  10. Dietary Associations of Household Food Insecurity Among Children of Mexican Descent: Results of a Binational Study

    PubMed Central

    Rosas, Lisa G; Harley, Kim; Fernald, Lia CH; Guendelman, Sylvia; Mejia, Fabiola; Neufeld, Lynnette M

    2015-01-01

    Background/objective Children of Mexican descent frequently experience household food insecurity both in the United States (US) and Mexico, however, little is known about the associations of food insecurity with dietary intake. This study aimed to understand the level of perceived food insecurity and its association with dietary intake among children of Mexican descent residing in the US and Mexico. Design This cross-sectional study utilized data from a 2006 binational study of five-year-old children of Mexican descent living in migrant communities in California (CA) and Mexico (MX). Methods In CA, children were 301 participants from the CHAMACOS study, a longitudinal birth cohort in a Mexican immigrant community. MX children (n=301) were participants in the Proyecto Mariposa study, which was designed to capture a sample of women and their children living in Mexico who closely resembled the CA sample, yet who never migrated to the US. Household food insecurity was measured using the US Department of Agriculture Food Security Scale and dietary intake was assessed with food frequency questionnaires. Analysis of variance was used to examine unadjusted and adjusted differences in total energy, nutrient intake, and consumption of food groups by household food security status. Results Approximately 39% of the CA mothers and 75% of the MX mothers reported low or very low food security in the last 12 months (p<0.01). Children in the US, experiencing food insecurity consumed more fat, saturated fat, sweets and fried snacks than children not experiencing food insecurity. In contrast, in Mexico food insecurity was associated with lower intake of total carbohydrates, dairy and vitamin B6. Conclusions Programs and policies addressing food insecurity in the US and Mexico may need to take steps to address dietary intake among children in households experiencing food insecurity, possibly through education and programs to increase resources to obtain healthy foods. PMID:19942017

  11. Heritage Learners of Mexican Descent in Higher Education: A Qualitative Study of Past and Present Experiences

    ERIC Educational Resources Information Center

    Gignoux, Alicia

    2009-01-01

    This is a qualitative interpretive study that explores the past and present experiences of heritage learners (HLs) of Mexican descent who were studying or had recently studied advanced Spanish in institutions of higher education. All of the participants had been exposed to Spanish in the home and began their studies in elementary or middle school…

  12. Dai-Kou type conjugate gradient methods with a line search only using gradient.

    PubMed

    Huang, Yuanyuan; Liu, Changhe

    2017-01-01

    In this paper, the Dai-Kou type conjugate gradient methods are developed to solve the optimality condition of an unconstrained optimization, they only utilize gradient information and have broader application scope. Under suitable conditions, the developed methods are globally convergent. Numerical tests and comparisons with the PRP+ conjugate gradient method only using gradient show that the methods are efficient.

  13. Wind-tunnel investigation of the descent characteristics of bodies of revolution simulating anti-personnel bombs

    NASA Technical Reports Server (NTRS)

    Sher, S. H.

    1951-01-01

    An investigation has been conducted in the Langley 20-foot free spinning tunnel to study the relative behavior in descent of a number of homogeneous balsa bodies of revolution simulating anti-personnel bombs with a small cylindrical exploding device suspended approximately 10 feet below the bomb. The bodies of revolution included hemispherical, near-hemispherical, and near-paraboloid shapes. The ordinates of one near-paraboloid shape were specified by the Office of the Chief of Ordnance, U. S. Army. The behavior of the various bodies without the cylinder was also investigated. The results of the investigation indicated that several of the bodies descended vertically with their longitudinal axis, suspension line, and small cylinder in a vertical attitude,. However, the body, the ordinates of which had been specified by the Office of the Chief of Ordnance, U. S. Army, oscillated considerably from a vertical attitude while descending and therefore appeared unsuitable for its intended use. The behavior of this body became satisfactory when its center of gravity was moved well forward from its original position. In general, the results indicated that the descent characteristics of the bodies of revolution become more favorable as their shapes approached that of a hemisphere.

  14. 14 CFR 23.75 - Landing distance.

    Code of Federal Regulations, 2010 CFR

    2010-01-01

    ... to the 50 foot height and— (1) The steady approach must be at a gradient of descent not greater than... tests that a maximum steady approach gradient steeper than 5.2 percent, down to the 50-foot height, is safe. The gradient must be established as an operating limitation and the information necessary to...

  15. Dose gradient curve: A new tool for evaluating dose gradient.

    PubMed

    Sung, KiHoon; Choi, Young Eun

    2018-01-01

    Stereotactic radiotherapy, which delivers an ablative high radiation dose to a target volume for maximum local tumor control, requires a rapid dose fall-off outside the target volume to prevent extensive damage to nearby normal tissue. Currently, there is no tool to comprehensively evaluate the dose gradient near the target volume. We propose the dose gradient curve (DGC) as a new tool to evaluate the quality of a treatment plan with respect to the dose fall-off characteristics. The average distance between two isodose surfaces was represented by the dose gradient index (DGI) estimated by a simple equation using the volume and surface area of isodose levels. The surface area was calculated by mesh generation and surface triangulation. The DGC was defined as a plot of the DGI of each dose interval as a function of the dose. Two types of DGCs, differential and cumulative, were generated. The performance of the DGC was evaluated using stereotactic radiosurgery plans for virtual targets. Over the range of dose distributions, the dose gradient of each dose interval was well-characterized by the DGC in an easily understandable graph format. Significant changes in the DGC were observed reflecting the differences in planning situations and various prescription doses. The DGC is a rational method for visualizing the dose gradient as the average distance between two isodose surfaces; the shorter the distance, the steeper the dose gradient. By combining the DGC with the dose-volume histogram (DVH) in a single plot, the DGC can be utilized to evaluate not only the dose gradient but also the target coverage in routine clinical practice.

  16. Dose gradient curve: A new tool for evaluating dose gradient

    PubMed Central

    Choi, Young Eun

    2018-01-01

    Purpose Stereotactic radiotherapy, which delivers an ablative high radiation dose to a target volume for maximum local tumor control, requires a rapid dose fall-off outside the target volume to prevent extensive damage to nearby normal tissue. Currently, there is no tool to comprehensively evaluate the dose gradient near the target volume. We propose the dose gradient curve (DGC) as a new tool to evaluate the quality of a treatment plan with respect to the dose fall-off characteristics. Methods The average distance between two isodose surfaces was represented by the dose gradient index (DGI) estimated by a simple equation using the volume and surface area of isodose levels. The surface area was calculated by mesh generation and surface triangulation. The DGC was defined as a plot of the DGI of each dose interval as a function of the dose. Two types of DGCs, differential and cumulative, were generated. The performance of the DGC was evaluated using stereotactic radiosurgery plans for virtual targets. Results Over the range of dose distributions, the dose gradient of each dose interval was well-characterized by the DGC in an easily understandable graph format. Significant changes in the DGC were observed reflecting the differences in planning situations and various prescription doses. Conclusions The DGC is a rational method for visualizing the dose gradient as the average distance between two isodose surfaces; the shorter the distance, the steeper the dose gradient. By combining the DGC with the dose-volume histogram (DVH) in a single plot, the DGC can be utilized to evaluate not only the dose gradient but also the target coverage in routine clinical practice. PMID:29698471

  17. The Nonlinear Steepest Descent Method to Long-Time Asymptotics of the Coupled Nonlinear Schrödinger Equation

    NASA Astrophysics Data System (ADS)

    Geng, Xianguo; Liu, Huan

    2018-04-01

    The Riemann-Hilbert problem for the coupled nonlinear Schrödinger equation is formulated on the basis of the corresponding 3× 3 matrix spectral problem. Using the nonlinear steepest descent method, we obtain leading-order asymptotics for the Cauchy problem of the coupled nonlinear Schrödinger equation.

  18. Gradient Pre-Emphasis to Counteract First-Order Concomitant Fields on Asymmetric MRI Gradient Systems

    PubMed Central

    Tao, Shengzhen; Weavers, Paul T.; Trzasko, Joshua D.; Shu, Yunhong; Huston, John; Lee, Seung-Kyun; Frigo, Louis M.; Bernstein, Matt A.

    2016-01-01

    PURPOSE To develop a gradient pre-emphasis scheme that prospectively counteracts the effects of the first-order concomitant fields for any arbitrary gradient waveform played on asymmetric gradient systems, and to demonstrate the effectiveness of this approach using a real-time implementation on a compact gradient system. METHODS After reviewing the first-order concomitant fields that are present on asymmetric gradients, a generalized gradient pre-emphasis model assuming arbitrary gradient waveforms is developed to counteract their effects. A numerically straightforward, simple to implement approximate solution to this pre-emphasis problem is derived, which is compatible with the current hardware infrastructure used on conventional MRI scanners for eddy current compensation. The proposed method was implemented on the gradient driver sub-system, and its real-time use was tested using a series of phantom and in vivo data acquired from 2D Cartesian phase-difference, echo-planar imaging (EPI) and spiral acquisitions. RESULTS The phantom and in vivo results demonstrate that unless accounted for, first-order concomitant fields introduce considerable phase estimation error into the measured data and result in images exhibiting spatially dependent blurring/distortion. The resulting artifacts are effectively prevented using the proposed gradient pre-emphasis. CONCLUSION An efficient and effective gradient pre-emphasis framework is developed to counteract the effects of first-order concomitant fields of asymmetric gradient systems. PMID:27373901

  19. Development and implementation of (Q)SAR modeling within the CHARMMing web-user interface.

    PubMed

    Weidlich, Iwona E; Pevzner, Yuri; Miller, Benjamin T; Filippov, Igor V; Woodcock, H Lee; Brooks, Bernard R

    2015-01-05

    Recent availability of large publicly accessible databases of chemical compounds and their biological activities (PubChem, ChEMBL) has inspired us to develop a web-based tool for structure activity relationship and quantitative structure activity relationship modeling to add to the services provided by CHARMMing (www.charmming.org). This new module implements some of the most recent advances in modern machine learning algorithms-Random Forest, Support Vector Machine, Stochastic Gradient Descent, Gradient Tree Boosting, so forth. A user can import training data from Pubchem Bioassay data collections directly from our interface or upload his or her own SD files which contain structures and activity information to create new models (either categorical or numerical). A user can then track the model generation process and run models on new data to predict activity. © 2014 Wiley Periodicals, Inc.

  20. Development, design, and flight test evaluation of a continuous descent approach procedure for nighttime operation at Louisville International Airport.

    DOT National Transportation Integrated Search

    2006-01-09

    The design and flight test of a Continuous Descent Approach (CDA) : procedure for regular nighttime operation at Louisville : International Airport are described in this report. Results of : the analyses of aircraft and FMS performance indicate that ...