楼主: tulipsliu
1234 30

[程序分享] 近期即将分享的一些代码待续…… [推广有奖]

经济学论述自由撰稿人!

已卖:2751份资源

学科带头人

45%

还不是VIP/贵宾

-

威望
0
论坛币
386043 个
通用积分
526.9298
学术水平
127 点
热心指数
140 点
信用等级
103 点
经验
46986 点
帖子
1773
精华
0
在线时间
2509 小时
注册时间
2007-11-5
最后登录
2024-8-16

初级热心勋章

楼主
tulipsliu 在职认证  发表于 2020-12-3 11:18:33 |AI写论文

+2 论坛币
k人 参与回答

经管之家送您一份

应届毕业生专属福利!

求职就业群
赵安豆老师微信:zhaoandou666

经管之家联合CDA

送您一个全额奖学金名额~ !

感谢您参与论坛问题回答

经管之家送您两个论坛币!

+2 论坛币
等待以后分享
一些数学公式学习;

公式一:
$$
\begin{aligned}
V_j &= v_j &
X_i &= x_i - q_i x_j &
&= u_j + \sum_{i\ne j} q_i \\
V_i &= v_i - q_i v_j &
X_j &= x_j &
U_i &= u_i
\end{aligned}\tag{1.0.1}
$$

公式二:
$$
\begin{align}
A_1 &= N_0 (\lambda ; \Omega’)
- \phi ( \lambda ; \Omega’) \\
A_2 &= \phi (\lambda ; \Omega’)
\phi (\lambda ; \Omega) \\
\intertext{and finally}
A_3 &= \mathcal{N} (\lambda ; \omega)
\end{align}\tag{1.0.2}

$$

Fomula 3 :
$$
\begin{align}
x^2+y^2 &= z^2 \label{eq:A} \\
x^3+y^3 &= z^3 \notag \\
x^4+y^4 &= r^4 \tag{$*$} \\
x^5+y^5 &= r^5 \tag*{$*$} \\
x^6+y^6 &= r^6 \tag{\ref{eq:A}$’$} \\
A_1 &= N_0 (\lambda ; \Omega’)
- \phi ( \lambda ; \Omega’) \\
A_2 &= \phi (\lambda ; \Omega’)
\, \phi (\lambda ; \Omega)
\tag*{ALSO (\theequation)} \\
A_3 &= \mathcal{N} (\lambda ; \omega)
\end{align}

$$


fomula 4 :
$$
\begin{split}
\lvert I_2 \rvert &= \left\lvert \int_{0}^T \psi(t)
\left\{ u(a, t) - \int_{\gamma(t)}^a \frac{d\theta}{k}
(\theta, t) \int_{a}^\theta c (\xi) u_t (\xi, t) \,d\xi
\right\} dt \right\rvert \\
&\le C_6 \Biggl\lvert
\left\lvert f \int_\Omega \left\lvert
\widetilde{S}^{-1,0}_{a,-} W_2(\Omega, \Gamma_l)
\right\rvert \ \right\rvert
\left\lvert \lvert u \rvert
\overset{\circ}{\to} W_2^{\widetilde{A}} (\Omega; \Gamma_r,T)
\right\rvert \Biggr\rvert
\end{split}\tag{1.0.4}
$$

fomula 5:

$$
\begin{gather} \raisetag{-10pt}
\text{The sign function: \ }
\mathcal{S}(x) = \begin{cases}
-1 & x < 0 \\
0 & x = 0 \\
1 & x>0
\end{cases}
\end{gather}\tag{1.0.5}

$$
fomula 6:
$$
\begin{gather*}
\begin{matrix} 0 & 1 \\ 1 & 0 \end{matrix} \quad
\begin{pmatrix} 0 & -i \\ i & 0 \end{pmatrix} \\
\begin{bmatrix} 0 & -1 \\ 1 & 0 \end{bmatrix} \quad
\begin{Bmatrix} 1 & 0 \\ 0 & -1 \end{Bmatrix} \\
\begin{vmatrix} a & b \\ c & d \end{vmatrix} \quad
\begin{Vmatrix} i & 0 \\ 0 & -i \end{Vmatrix}
\end{gather*}\tag{1.0.6}
$$
Equantion 7:
$$
\frac{1}{k} \log_2 c(f)
\quad \tfrac{1}{k} \log_2 c(f) \tag{1.0.7}$$
Text: $ \sqrt{ \frac{1}{k} \log_2 c(f) } \quad
\sqrt{ \dfrac{1}{k} \log_2 c(f) }\, $.
so,
Equantion 8:
$$
\biggl( \mathbf{E}_{y} \int_0^{t_\varepsilon}
L_{x, y^x(s)} \varphi(x)\, ds \biggr)\tag{1.0.8}
$$







二维码

扫码加我 拉你入群

请注明:姓名-公司-职位

以便审核进群资格,未注明则拒绝

关键词:DSGE 工具包 不合格 Implementing Publications

劳动经济学

沙发
tulipsliu 在职认证  发表于 2020-12-4 07:58:32
```C
library(LaplacesDemon)
### Create Data
J <- 10 #Number of variables
m <- 20 #Number of missings
N <- 50 #Number of records
mu <- runif(J, 0, 100)
sigma <- runif(J, 0, 100)
X <- matrix(0, N, J)
for (j in 1:J) X[,j] <- rnorm(N, mu[j], sigma[j])
### Create Missing Values
M1 <- rep(0, N*J)
M2 <- sample(N*J, m)
M1[M2] <- 1
M <- matrix(M1, N, J)
X <- ifelse(M == 1, NA, X)
### Approximate Bayesian Bootstrap
imp <- ABB(X, K=1)
### Replace Missing Values in X (when K=1)
X.imp <- X
X.imp[which(is.na(X.imp))] <- unlist(imp)
X.imp

```
劳动经济学

藤椅
tulipsliu 在职认证  发表于 2020-12-4 07:58:52
  1. library(LaplacesDemon)
  2. ### Create Data
  3. J <- 10 #Number of variables
  4. m <- 20 #Number of missings
  5. N <- 50 #Number of records
  6. mu <- runif(J, 0, 100)
  7. sigma <- runif(J, 0, 100)
  8. X <- matrix(0, N, J)
  9. for (j in 1:J) X[,j] <- rnorm(N, mu[j], sigma[j])
  10. ### Create Missing Values
  11. M1 <- rep(0, N*J)
  12. M2 <- sample(N*J, m)
  13. M1[M2] <- 1
  14. M <- matrix(M1, N, J)
  15. X <- ifelse(M == 1, NA, X)
  16. ### Approximate Bayesian Bootstrap
  17. imp <- ABB(X, K=1)
  18. ### Replace Missing Values in X (when K=1)
  19. X.imp <- X
  20. X.imp[which(is.na(X.imp))] <- unlist(imp)
  21. X.imp
复制代码

板凳
tulipsliu 在职认证  发表于 2020-12-4 11:32:16
$$X_{t-1} = \left\{\begin{array}{lr}
+ 0.591 + 1.254 X_{t-0}- 0.418 X_{t-1}& Z_t \leq + 3.25\\
+ 2.23 + 1.53 X_{t-0}- 1.24 X_{t-1}& Z_t > + 3.25\\
\end{array}\right.$$

报纸
tulipsliu 在职认证  发表于 2020-12-4 17:30:37
D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/CoreEvaluators.h:99:8:   required from 'struct Eigen::internal::evaluator<const Eigen::Block<const Eigen::Block<const Eigen::Map<const Eigen::Matrix<double, -1, -1, 1, -1, -1>, 0, Eigen::OuterStride<> >, 1, -1, true>, 1, -1, false> >'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/CoreEvaluators.h:269:8:   required from 'struct Eigen::internal::unary_evaluator<Eigen::Transpose<const Eigen::Block<const Eigen::Block<const Eigen::Map<const Eigen::Matrix<double, -1, -1, 1, -1, -1>, 0, Eigen::OuterStride<> >, 1, -1, true>, 1, -1, false> >, Eigen::internal::IndexBased, double>'
D:   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/CoreEvaluators.h:90:8:   required from 'struct Eigen::internal::evaluator<Eigen::Transpose<const Eigen::Block<const Eigen::Block<const Eigen::Map<const Eigen::Matrix<double, -1, -1, 1, -1, -1>, 0, Eigen::OuterStride<> >, 1, -1, true>, 1, -1, false> > >'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/CoreEvaluators.h:99:8:   required from 'struct Eigen::internal::evaluator<const Eigen::Transpose<const Eigen::Block<const Eigen::Block<const Eigen::Map<const Eigen::Matrix<double, -1, -1, 1, -1, -1>, 0, Eigen::OuterStride<> >, 1, -1, true>, 1, -1, false> > >'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/CoreEvaluators.h:681:51:   required from 'struct Eigen::internal::binary_evaluator<Eigen::CwiseBinaryOp<Eigen::internal::scalar_product_op<double, double>, const Eigen::Transpose<const Eigen::Block<const Eigen::Block<const Eigen::Map<const Eigen::Matrix<double, -1, -1, 1, -1, -1>, 0, Eigen::OuterStride<> >, 1, -1, true>, 1, -1, false> >, const Eigen::Map<const Eigen::Matrix<double, -1, 1>, 0, Eigen::Stride<0, 0> > >, Eigen::internal::IndexBased, Eigen::internal::IndexBased, double, double>'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/CoreEvaluators.h:665:8:   [ skipping 16 instantiation contexts, use -ftemplate-backtrace-limit=0 to disable ]
   D:/softApp/R/library/StanHeaders/include/stan/math/prim/mat/prob/multi_normal_lpdf.hpp:114:45:   required from 'stan::return_type_t<T_x, T_alpha, T_beta> stan::math::multi_normal_lpdf(const T_y&, const T_loc&, const T_covar&) [with bool propto = false; T_y = Eigen::Matrix<double, -1, 1>; T_loc = Eigen::Matrix<double, -1, 1>; T_covar = Eigen::Matrix<double, -1, -1>; stan::return_type_t<T_x, T_alpha, T_beta> = double]'
   D:/softApp/R/library/StanHeaders/include/stan/math/prim/mat/prob/multi_normal_lpdf.hpp:124:34:   required from 'stan::return_type_t<T_x, T_sigma, T_l> stan::math::multi_normal_lpdf(const T_y&, const T_loc&, const T_covar&) [with T_y = Eigen::Matrix<double, -1, 1>; T_loc = Eigen::Matrix<double, -1, 1>; T_covar = Eigen::Matrix<double, -1, -1>; stan::return_type_t<T_x, T_sigma, T_l> = double]'
D:   D:/softApp/R/library/StanHeaders/include/stan/math/prim/mat/prob/multi_normal_log.hpp:26:48:   required from 'stan::return_type_t<T_x, T_sigma, T_l> stan::math::multi_normal_log(const T_y&, const T_loc&, const T_covar&) [with T_y = Eigen::Matrix<double, -1, 1>; T_loc = Eigen::Matrix<double, -1, 1>; T_covar = Eigen::Matrix<double, -1, -1>; stan::return_type_t<T_x, T_sigma, T_l> = double]'
   stan_files/forecastCCC.hpp:1473:53:   required from 'void model_forecastCCC_namespace::model_forecastCCC::write_array(RNG&, std::vector<double>&, std::vector<int>&, std::vector<double>&, bool, bool, std::ostream*) const [with RNG = boost::random::additive_combine_engine<boost::random::linear_congruential_engine<unsigned int, 40014, 0, 2147483563>, boost::random::linear_congruential_engine<unsigned int, 40692, 0, 2147483399> >; std::ostream = std::basic_ostream<char>]'
   D:/softApp/R/library/rstan/include/rstan/stan_fit.hpp:1091:5:   required from 'SEXPREC* rstan::stan_fit<Model, RNG_t>::constrain_pars(SEXP) [with Model = model_forecastCCC_namespace::model_forecastCCC; RNG_t = boost::random::additive_combine_engine<boost::random::linear_congruential_engine<unsigned int, 40014, 0, 2147483563>, boost::random::linear_congruential_engine<unsigned int, 40692, 0, 2147483399> >;

地板
tulipsliu 在职认证  发表于 2020-12-4 17:31:07
SEXP = SEXPREC*]'
   stan_files/forecastCCC.cc:25:89:   required from here
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/CoreEvaluators.h:960:8: warning: ignoring attributes on template argument 'Eigen::internal::packet_traits<double>::type' {aka '__vector(2) double'} [-Wignored-attributes]
   In file included from D:/softApp/R/library/RcppEigen/include/Eigen/Core:434,
                    from D:/softApp/R/library/RcppEigen/include/Eigen/Dense:1,
                    from D:/softApp/R/library/StanHeaders/include/stan/math/prim/mat/fun/Eigen.hpp:13,
                    from D:/softApp/R/library/rstan/include/rstan/rstaninc.hpp:3,
                    from stan_files/forecastCCC.hpp:18,
                    from stan_files/forecastCCC.cc:3:
D:   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/DenseCoeffsBase.h: In instantiation of 'Eigen::Index Eigen::internal::first_default_aligned(const Eigen::DenseBase<Derived>&) [with Derived = Eigen::Block<const Eigen::CwiseUnaryOp<Eigen::internal::scalar_abs_op<double>, const Eigen::Matrix<double, -1, -1> >, -1, 1, true>; Eigen::Index = long long int]':
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/Redux.h:225:63:   required from 'static Eigen::internal::redux_impl<Func, Derived, 3, 0>::Scalar Eigen::internal::redux_impl<Func, Derived, 3, 0>::run(const Derived&, const Func&) [with Func = Eigen::internal::scalar_sum_op<double, double>; Derived = Eigen::internal::redux_evaluator<Eigen::Block<const Eigen::CwiseUnaryOp<Eigen::internal::scalar_abs_op<double>, const Eigen::Matrix<double, -1, -1> >, -1, 1, true> >; Eigen::internal::redux_impl<Func, Derived, 3, 0>::Scalar = double]'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/Redux.h:418:56:   required from 'typename Eigen::internal::traits<T>::Scalar Eigen::DenseBase<Derived>::redux(const Func&) const [with BinaryOp = Eigen::internal::scalar_sum_op<double, double>; Derived = Eigen::Block<const Eigen::CwiseUnaryOp<Eigen::internal::scalar_abs_op<double>, const Eigen::Matrix<double, -1, -1> >, -1, 1, true>; typename Eigen::internal::traits<T>::Scalar = double]'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/Redux.h:453:73:   required from 'typename Eigen::internal::traits<T>::Scalar Eigen::DenseBase<Derived>::sum() const [with Derived = Eigen::Block<const Eigen::CwiseUnaryOp<Eigen::internal::scalar_abs_op<double>, const Eigen::Matrix<double, -1, -1> >, -1, 1, true>; typename Eigen::internal::traits<T>::Scalar = double]'

7
tulipsliu 在职认证  发表于 2020-12-4 17:31:24
D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/VectorwiseOp.h:104:1:   required from 'ResultType Eigen::internal::member_sum<ResultType>::operator()(const XprType&) const [with XprType = Eigen::Block<const Eigen::CwiseUnaryOp<Eigen::internal::scalar_abs_op<double>, const Eigen::Matrix<double, -1, -1> >, -1, 1, true>; ResultType = double]'
D:   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/CoreEvaluators.h:1307:36:   required from 'const Scalar Eigen::internal::evaluator<Eigen::PartialReduxExpr<ArgType, MemberOp, Direction> >::coeff(Eigen::Index, Eigen::Index) const [with ArgType = const Eigen::CwiseUnaryOp<Eigen::internal::scalar_abs_op<double>, const Eigen::Matrix<double, -1, -1> >; MemberOp = Eigen::internal::member_sum<double>; int Direction = 0; Eigen::internal::evaluator<Eigen::PartialReduxExpr<ArgType, MemberOp, Direction> >::Scalar = double; Eigen::Index = long long int]'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/Redux.h:381:84:   [ skipping 9 instantiation contexts, use -ftemplate-backtrace-limit=0 to disable ]
   D:/softApp/R/library/RcppEigen/include/Eigen/src/LU/InverseImpl.h:310:60:   required from 'static void Eigen::internal::Assignment<DstXprType, Eigen::Inverse<Rhs>, Eigen::internal::assign_op<typename DstXprType::Scalar, typename SrcXprType::Scalar>, Eigen::internal::Dense2Dense>::run(DstXprType&, const SrcXprType&, const Eigen::internal::assign_op<typename DstXprType::Scalar, typename SrcXprType::Scalar>&) [with DstXprType = Eigen::Map<Eigen::Matrix<double, -1, -1>, 0, Eigen::Stride<0, 0> >; XprType = Eigen::Map<Eigen::Matrix<double, -1, -1>, 0, Eigen::Stride<0, 0> >; Eigen::internal::Assignment<DstXprType, Eigen::Inverse<Rhs>, Eigen::internal::assign_op<typename DstXprType::Scalar, typename SrcXprType::Scalar>, Eigen::internal::Dense2Dense>::SrcXprType = Eigen::Inverse<Eigen::Map<Eigen::Matrix<double, -1, -1>, 0, Eigen::Stride<0, 0> > >; typename SrcXprType::Scalar = double; typename DstXprType::Scalar = double]'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/AssignEvaluator.h:836:49:   required from 'void Eigen::internal::call_assignment_no_alias(Dst&, const Src&, const Func&) [with Dst = Eigen::Map<Eigen::Matrix<double, -1, -1>, 0, Eigen::Stride<0, 0> >; Src = Eigen::Inverse<Eigen::Map<Eigen::Matrix<double, -1, -1>, 0, Eigen::Stride<0, 0> > >; Func = Eigen::internal::assign_op<double, double>]'
D:   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/AssignEvaluator.h:804:27:   required from 'void Eigen::internal::call_assignment(Dst&, const Src&, const Func&, typename Eigen::internal::enable_if<(! Eigen::internal::evaluator_assume_aliasing<Src>::value), void*>::type) [with Dst = Eigen::Map<Eigen::Matrix<double, -1, -1>, 0, Eigen::Stride<0, 0> >; Src = Eigen::Inverse<Eigen::Map<Eigen::Matrix<double, -1, -1>, 0, Eigen::Stride<0, 0> > >; Func = Eigen::internal::assign_op<double, double>; typename Eigen::internal::enable_if<(! Eigen::internal::evaluator_assume_aliasing<Src>::value), void*>::type = void*]'

8
tulipsliu 在职认证  发表于 2020-12-4 17:31:41
D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/AssignEvaluator.h:782:18:   required from 'void Eigen::internal::call_assignment(Dst&, const Src&) [with Dst = Eigen::Map<Eigen::Matrix<double, -1, -1>, 0, Eigen::Stride<0, 0> >; Src = Eigen::Inverse<Eigen::Map<Eigen::Matrix<double, -1, -1>, 0, Eigen::Stride<0, 0> > >]'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/Assign.h:66:28:   required from 'Derived& Eigen::MatrixBase<Derived>::operator=(const Eigen::DenseBase<OtherDerived>&) [with OtherDerived = Eigen::Inverse<Eigen::Map<Eigen::Matrix<double, -1, -1>, 0, Eigen::Stride<0, 0> > >; Derived = Eigen::Map<Eigen::Matrix<double, -1, -1>, 0, Eigen::Stride<0, 0> >]'
   D:/softApp/R/library/StanHeaders/include/stan/math/rev/mat/fun/inverse.hpp:44:26:   required from here
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/DenseCoeffsBase.h:650:34: warning: ignoring attributes on template argument 'Eigen::internal::packet_traits<double>::type' {aka '__vector(2) double'} [-Wignored-attributes]
      return internal::first_aligned<int(unpacket_traits<DefaultPacketType>::alignment),Derived>(m);
                                     ^~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
D:   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/DenseCoeffsBase.h: In instantiation of 'class Eigen::DenseCoeffsBase<Eigen::CwiseNullaryOp<Eigen::internal::scalar_constant_op<double>, Eigen::Matrix<double, 1, -1> >, 0>':
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/DenseBase.h:41:34:   required from 'class Eigen::DenseBase<Eigen::CwiseNullaryOp<Eigen::internal::scalar_constant_op<double>, Eigen::Matrix<double, 1, -1> > >'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/MatrixBase.h:48:34:   required from 'class Eigen::MatrixBase<Eigen::CwiseNullaryOp<Eigen::internal::scalar_constant_op<double>, Eigen::Matrix<double, 1, -1> > >'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/CwiseNullaryOp.h:60:7:   required from 'class Eigen::CwiseNullaryOp<Eigen::internal::scalar_constant_op<double>, Eigen::Matrix<double, 1, -1> >'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/CwiseNullaryOp.h:327:30:   required from 'Derived& Eigen::DenseBase<Derived>::setConstant(const Scalar&) [with Derived = Eigen::Map<Eigen::Matrix<double, 1, -1>, 0, Eigen::Stride<0, 0> >; Eigen::DenseBase<Derived>::Scalar = double]'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/CwiseNullaryOp.h:501:10:   required from 'Derived& Eigen::DenseBase<Derived>::setZero() [with Derived = Eigen::Map<Eigen::Matrix<double, 1, -1>, 0, Eigen::Stride<0, 0> >]'

9
tulipsliu 在职认证  发表于 2020-12-4 17:32:43
D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/ProductEvaluators.h:349:5:   [ skipping 13 instantiation contexts, use -ftemplate-backtrace-limit=0 to disable ]
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/Matrix.h:238:29:   required from 'Eigen::Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols>& Eigen::Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols>::operator=(const Eigen::EigenBase<OtherDerived>&) [with OtherDerived = Eigen::HouseholderSequence<Eigen::Matrix<double, -1, -1>, Eigen::Matrix<double, -1, 1>, 1>; _Scalar = double; int _Rows = -1; int _Cols = -1; int _Options = 0; int _MaxRows = -1; int _MaxCols = -1]'
D:   D:/softApp/R/library/RcppEigen/include/Eigen/src/Eigenvalues/Tridiagonalization.h:449:11:   required from 'static void Eigen::internal::tridiagonalization_inplace_selector<MatrixType, Size, IsComplex>::run(MatrixType&, DiagonalType&, SubDiagonalType&, bool) [with DiagonalType = Eigen::Matrix<double, -1, 1>; SubDiagonalType = Eigen::Matrix<double, -1, 1>; MatrixType = Eigen::Matrix<double, -1, -1>; int Size = -1; bool IsComplex = false]'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Eigenvalues/Tridiagonalization.h:430:55:   required from 'void Eigen::internal::tridiagonalization_inplace(MatrixType&, DiagonalType&, SubDiagonalType&, bool) [with MatrixType = Eigen::Matrix<double, -1, -1>; DiagonalType = Eigen::Matrix<double, -1, 1>; SubDiagonalType = Eigen::Matrix<double, -1, 1>]'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Eigenvalues/SelfAdjointEigenSolver.h:437:39:   required from 'Eigen::SelfAdjointEigenSolver<MatrixType>& Eigen::SelfAdjointEigenSolver<_MatrixType>::compute(const Eigen::EigenBase<OtherDerived>&, int) [with InputType = Eigen::Matrix<double, -1, -1>; _MatrixType = Eigen::Matrix<double, -1, -1>]'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Eigenvalues/SelfAdjointEigenSolver.h:168:7:   required from 'Eigen::SelfAdjointEigenSolver<_MatrixType>::SelfAdjointEigenSolver(const Eigen::EigenBase<OtherDerived>&, int) [with InputType = Eigen::Matrix<double, -1, -1>; _MatrixType = Eigen::Matrix<double, -1, -1>]'
   D:/softApp/R/library/StanHeaders/include/src/stan/optimization/newton.hpp:21:51:   required from here
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/DenseCoeffsBase.h:55:30: warning: ignoring attributes on template argument 'Eigen::internal::packet_traits<double>::type' {aka '__vector(2) double'} [-Wignored-attributes]
                         >::type PacketReturnType;

10
tulipsliu 在职认证  发表于 2020-12-4 17:32:55
D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/DenseCoeffsBase.h: In instantiation of 'class Eigen::DenseCoeffsBase<Eigen::Map<const Eigen::Matrix<double, -1, 1>, 0, Eigen::InnerStride<> >, 0>':
D:   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/DenseCoeffsBase.h:478:7:   required from 'class Eigen::DenseCoeffsBase<Eigen::Map<const Eigen::Matrix<double, -1, 1>, 0, Eigen::InnerStride<> >, 2>'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/DenseBase.h:41:34:   required from 'class Eigen::DenseBase<Eigen::Map<const Eigen::Matrix<double, -1, 1>, 0, Eigen::InnerStride<> > >'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/MatrixBase.h:48:34:   required from 'class Eigen::MatrixBase<Eigen::Map<const Eigen::Matrix<double, -1, 1>, 0, Eigen::InnerStride<> > >'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/MapBase.h:37:34:   required from 'class Eigen::MapBase<Eigen::Map<const Eigen::Matrix<double, -1, 1>, 0, Eigen::InnerStride<> >, 0>'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/Map.h:94:79:   required from 'class Eigen::Map<const Eigen::Matrix<double, -1, 1>, 0, Eigen::InnerStride<> >'
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/products/TriangularMatrixVector.h:48:18:   [ skipping 15 instantiation contexts, use -ftemplate-backtrace-limit=0 to disable ]
   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/PlainObjectBase.h:714:32:   required from 'Derived& Eigen::PlainObjectBase<Derived>::_set(const Eigen::DenseBase<OtherDerived>&) [with OtherDerived = Eigen::CwiseBinaryOp<Eigen::internal::scalar_sum_op<double, double>, const Eigen::Matrix<double, -1, 1>, const Eigen::Product<Eigen::TriangularView<const Eigen::Matrix<double, -1, -1>, 1>, Eigen::Matrix<double, -1, 1>, 0> >; Derived = Eigen::Matrix<double, -1, 1>]'
D:   D:/softApp/R/library/RcppEigen/include/Eigen/src/Core/Matrix.h:225:24:   required from 'Eigen::Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols>& Eigen::Matrix<_Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols>::operator=(const Eigen::DenseBase<OtherDerived>&) [with OtherDerived = Eigen::CwiseBinaryOp<Eigen::internal::scalar_sum_op<double, double>, const Eigen::Matrix<double, -1, 1>, const Eigen::Product<Eigen::TriangularView<const Eigen::Matrix<double, -1, -1>, 1>, Eigen::Matrix<double, -1, 1>, 0> >; _Scalar = double; int _Rows = -1; int _Cols = 1; int _Options = 0; int _MaxRows = -1; int _MaxCols = 1]'
   D:/softApp/R/library/StanHeaders/include/stan/math/prim/mat/prob/multi_normal_rng.hpp:79:15:   required from 'typename stan::StdVectorBuilder<true, Eigen::Matrix<double, -1, 1>, T_loc>::type stan::math::multi_normal_rng(const T_loc&, const Eigen::Matrix<double, -1, -1>&, RNG&) [with T_loc = Eigen::Matrix<double, -1, 1>; RNG = boost::random::additive_combine_engine<boost::random::linear_congruential_engine<unsigned int, 40014, 0, 2147483563>, boost::random::linear_congruential_engine<unsigned int, 40692, 0, 2147483399> >; typename stan::StdVectorBuilder<true, Eigen::Matrix<double, -1, 1>, T_loc>::type = Eigen::Matrix<double, -1, 1>]'

您需要登录后才可以回帖 登录 | 我要注册

本版微信群
加好友,备注cda
拉您进交流群
GMT+8, 2025-12-23 20:04