Other packages > Find by keyword >

tfprobability  

Interface to 'TensorFlow Probability'
View on CRAN: Click here


Download and install tfprobability package within the R console
Install from CRAN:
install.packages("tfprobability")

Install from Github:
library("remotes")
install_github("cran/tfprobability")

Install by package version:
library("remotes")
install_version("tfprobability", "0.15.1")



Attach the package and use:
library("tfprobability")
Maintained by
Tomasz Kalinowski
[Scholar Profile | Author Map]
All associated links for this package
First Published: 2019-10-30
Latest Update: 2022-09-01
Description:
Interface to 'TensorFlow Probability', a 'Python' library built on 'TensorFlow' that makes it easy to combine probabilistic models and deep learning on modern hardware ('TPU', 'GPU'). 'TensorFlow Probability' includes a wide selection of probability distributions and bijectors, probabilistic layers, variational inference, Markov chain Monte Carlo, and optimizers such as Nelder-Mead, BFGS, and SGLD.
How to cite:
Tomasz Kalinowski (2019). tfprobability: Interface to 'TensorFlow Probability'. R package version 0.15.1, https://cran.r-project.org/web/packages/tfprobability
Previous versions and publish date:
0.8.0.0 (2019-10-30 18:10), 0.9.0.0 (2020-01-27 12:00), 0.10.0.0 (2020-05-19 22:00), 0.11.0.0 (2020-08-06 01:10), 0.12.0.0 (2021-05-20 17:20), 0.15.0 (2022-02-02 11:00)
Other packages that cited tfprobability R package
View tfprobability citation profile
Other R packages that tfprobability depends, imports, suggests or enhances
Functions, R codes and Examples using the tfprobability R package
Some associated functions: glm_families . glm_fit . glm_fit.tensorflow.tensor . glm_fit_one_step . glm_fit_one_step.tensorflow.tensor . initializer_blockwise . install_tfprobability . layer_autoregressive . layer_autoregressive_transform . layer_categorical_mixture_of_one_hot_categorical . layer_conv_1d_flipout . layer_conv_1d_reparameterization . layer_conv_2d_flipout . layer_conv_2d_reparameterization . layer_conv_3d_flipout . layer_conv_3d_reparameterization . layer_dense_flipout . layer_dense_local_reparameterization . layer_dense_reparameterization . layer_dense_variational . layer_distribution_lambda . layer_independent_bernoulli . layer_independent_logistic . layer_independent_normal . layer_independent_poisson . layer_kl_divergence_add_loss . layer_kl_divergence_regularizer . layer_mixture_logistic . layer_mixture_normal . layer_mixture_same_family . layer_multivariate_normal_tri_l . layer_one_hot_categorical . layer_variable . layer_variational_gaussian_process . mcmc_dual_averaging_step_size_adaptation . mcmc_effective_sample_size . mcmc_hamiltonian_monte_carlo . mcmc_metropolis_adjusted_langevin_algorithm . mcmc_metropolis_hastings . mcmc_no_u_turn_sampler . mcmc_potential_scale_reduction . mcmc_random_walk_metropolis . mcmc_replica_exchange_mc . mcmc_sample_annealed_importance_chain . mcmc_sample_chain . mcmc_sample_halton_sequence . mcmc_simple_step_size_adaptation . mcmc_slice_sampler . mcmc_transformed_transition_kernel . mcmc_uncalibrated_hamiltonian_monte_carlo . mcmc_uncalibrated_langevin . mcmc_uncalibrated_random_walk . params_size_categorical_mixture_of_one_hot_categorical . params_size_independent_bernoulli . params_size_independent_logistic . params_size_independent_normal . params_size_independent_poisson . params_size_mixture_logistic . params_size_mixture_normal . params_size_mixture_same_family . params_size_multivariate_normal_tri_l . params_size_one_hot_categorical . reexports . sts_additive_state_space_model . sts_autoregressive . sts_autoregressive_state_space_model . sts_build_factored_surrogate_posterior . sts_build_factored_variational_loss . sts_constrained_seasonal_state_space_model . sts_decompose_by_component . sts_decompose_forecast_by_component . sts_dynamic_linear_regression . sts_dynamic_linear_regression_state_space_model . sts_fit_with_hmc . sts_forecast . sts_linear_regression . sts_local_level . sts_local_level_state_space_model . sts_local_linear_trend . sts_local_linear_trend_state_space_model . sts_one_step_predictive . sts_sample_uniform_initial_state . sts_seasonal . sts_seasonal_state_space_model . sts_semi_local_linear_trend . sts_semi_local_linear_trend_state_space_model . sts_smooth_seasonal . sts_smooth_seasonal_state_space_model . sts_sparse_linear_regression . sts_sum . tfb_absolute_value . tfb_affine . tfb_affine_linear_operator . tfb_affine_scalar . tfb_ascending . tfb_batch_normalization . tfb_blockwise . tfb_chain . tfb_cholesky_outer_product . tfb_cholesky_to_inv_cholesky . tfb_correlation_cholesky . tfb_cumsum . tfb_discrete_cosine_transform . tfb_exp . tfb_expm1 . tfb_ffjord . tfb_fill_scale_tri_l . tfb_fill_triangular . tfb_forward . tfb_forward_log_det_jacobian . tfb_glow . tfb_gompertz_cdf . tfb_gumbel . tfb_gumbel_cdf . tfb_identity . tfb_inline . tfb_inverse . tfb_inverse_log_det_jacobian . tfb_invert . tfb_iterated_sigmoid_centered . tfb_kumaraswamy . tfb_kumaraswamy_cdf . tfb_lambert_w_tail . tfb_masked_autoregressive_default_template . tfb_masked_autoregressive_flow . tfb_masked_dense . tfb_matrix_inverse_tri_l . tfb_matvec_lu . tfb_normal_cdf . tfb_ordered . tfb_pad . tfb_permute . tfb_power_transform . tfb_rational_quadratic_spline . tfb_rayleigh_cdf . tfb_real_nvp . tfb_real_nvp_default_template . tfb_reciprocal . tfb_reshape . tfb_scale . tfb_scale_matvec_diag . tfb_scale_matvec_linear_operator . tfb_scale_matvec_lu . tfb_scale_matvec_tri_l . tfb_scale_tri_l . tfb_shift . tfb_shifted_gompertz_cdf . tfb_sigmoid . tfb_sinh . tfb_sinh_arcsinh . tfb_softmax_centered . tfb_softplus . tfb_softsign . tfb_split . tfb_square . tfb_tanh . tfb_transform_diagonal . tfb_transpose . tfb_weibull . tfb_weibull_cdf . tfd_autoregressive . tfd_batch_reshape . tfd_bates . tfd_bernoulli . tfd_beta . tfd_beta_binomial . tfd_binomial . tfd_blockwise . tfd_categorical . tfd_cauchy . tfd_cdf . tfd_chi . tfd_chi2 . tfd_cholesky_lkj . tfd_continuous_bernoulli . tfd_covariance . tfd_cross_entropy . tfd_deterministic . tfd_dirichlet . tfd_dirichlet_multinomial . tfd_doublesided_maxwell . tfd_empirical . tfd_entropy . tfd_exp_gamma . tfd_exp_inverse_gamma . tfd_exp_relaxed_one_hot_categorical . tfd_exponential . tfd_finite_discrete . tfd_gamma . tfd_gamma_gamma . tfd_gaussian_process . tfd_gaussian_process_regression_model . tfd_generalized_normal . tfd_generalized_pareto . tfd_geometric . tfd_gumbel . tfd_half_cauchy . tfd_half_normal . tfd_hidden_markov_model . tfd_horseshoe . tfd_independent . tfd_inverse_gamma . tfd_inverse_gaussian . tfd_johnson_s_u . tfd_joint_distribution_named . tfd_joint_distribution_named_auto_batched . tfd_joint_distribution_sequential . tfd_joint_distribution_sequential_auto_batched . tfd_kl_divergence . tfd_kumaraswamy . tfd_laplace . tfd_linear_gaussian_state_space_model . tfd_lkj . tfd_log_cdf . tfd_log_logistic . tfd_log_normal . tfd_log_prob . tfd_log_survival_function . tfd_logistic . tfd_logit_normal . tfd_mean . tfd_mixture . tfd_mixture_same_family . tfd_mode . tfd_multinomial . tfd_multivariate_normal_diag . tfd_multivariate_normal_diag_plus_low_rank . tfd_multivariate_normal_full_covariance . tfd_multivariate_normal_linear_operator . tfd_multivariate_normal_tri_l . tfd_multivariate_student_t_linear_operator . tfd_negative_binomial . tfd_normal . tfd_one_hot_categorical . tfd_pareto . tfd_pert . tfd_pixel_cnn . tfd_plackett_luce . tfd_poisson . tfd_poisson_log_normal_quadrature_compound . tfd_power_spherical . tfd_prob . tfd_probit_bernoulli . tfd_quantile . tfd_quantized . tfd_relaxed_bernoulli . tfd_relaxed_one_hot_categorical . tfd_sample . tfd_sample_distribution . tfd_sinh_arcsinh . tfd_skellam . tfd_spherical_uniform . tfd_stddev . tfd_student_t . tfd_student_t_process . tfd_survival_function . tfd_transformed_distribution . tfd_triangular . tfd_truncated_cauchy . tfd_truncated_normal . tfd_uniform . tfd_variance . tfd_variational_gaussian_process . tfd_vector_deterministic . tfd_vector_diffeomixture . tfd_vector_exponential_diag . tfd_vector_exponential_linear_operator . tfd_vector_laplace_diag . tfd_vector_laplace_linear_operator . tfd_vector_sinh_arcsinh_diag . tfd_von_mises . tfd_von_mises_fisher . tfd_weibull . tfd_wishart . tfd_wishart_linear_operator . tfd_wishart_tri_l . tfd_zipf . tfp . tfp_version . vi_amari_alpha . vi_arithmetic_geometric . vi_chi_square . vi_csiszar_vimco . vi_dual_csiszar_function . vi_fit_surrogate_posterior . vi_jeffreys . vi_jensen_shannon . vi_kl_forward . vi_kl_reverse . vi_log1p_abs . vi_modified_gan . vi_monte_carlo_variational_loss . vi_pearson . vi_squared_hellinger . vi_symmetrized_csiszar_function . vi_t_power . vi_total_variation . vi_triangular . 
Some associated R codes: bijector-methods.R . bijectors.R . distribution-layers.R . distribution-methods.R . distribution-static-methods.R . distributions.R . glm.R . imports.R . initializers.R . install.R . layers.R . mcmc-functions.R . mcmc-kernels.R . package.R . reexports.R . sts-functions.R . sts.R . symbols.R . utils.R . vi-functions.R . vi-optimization.R .  Full tfprobability package functions and examples
Downloads during the last 30 days
Get rewarded with contribution points by helping add
Reviews / comments / questions /suggestions ↴↴↴

Today's Hot Picks in Authors and Packages

rdbnomics  
Download DBnomics Data
R access to hundreds of millions data series from DBnomics API (). ...
Download / Learn more Package Citations See dependency  
mistral  
Methods in Structural Reliability
Various reliability analysis methods for rare event inference (computing failure probability and qua ...
Download / Learn more Package Citations See dependency  
ftaproxim  
Fault Tree Analysis Based on Proxel Simulation
Calculation and plotting of instantaneous unavailabilities of basic events along with the top event ...
Download / Learn more Package Citations See dependency  
quickcode  
Quick and Essential 'R' Tricks for Better Scripts
The NOT functions, 'R' tricks and a compilation of some simple quick plus often used 'R' codes to im ...
Download / Learn more Package Citations See dependency  
steepness  
Testing Steepness of Dominance Hierarchies
The steepness package computes steepness as a property of dominance hierarchies. Steepness is define ...
Download / Learn more Package Citations See dependency  
critpath  
Setting the Critical Path in Project Management
Solving the problem of project management using CPM (Critical Path Method), PERT (Program Evaluation ...
Download / Learn more Package Citations See dependency  

22,114

R Packages

188,080

Dependencies

55,244

Author Associations

22,115

Publication Badges

© Copyright 2022 - present. All right reserved, rpkg.net. Contact Us / Suggestions / Concerns