Search Results for author: Ichiro Takeuchi

Found 84 papers, 21 papers with code

Multiple Incremental Decremental Learning of Support Vector Machines

no code implementations NeurIPS 2009 Masayuki Karasuyama, Ichiro Takeuchi

Conventional single cremental decremental SVM can update the trained model efficiently when single data point is added to or removed from the training set.

Density-Difference Estimation

no code implementations NeurIPS 2012 Masashi Sugiyama, Takafumi Kanamori, Taiji Suzuki, Marthinus D. Plessis, Song Liu, Ichiro Takeuchi

A naive approach is a two-step procedure of first estimating two densities separately and then computing their difference.

Change Point Detection

Parametric Task Learning

no code implementations NeurIPS 2013 Ichiro Takeuchi, Tatsuya Hongo, Masashi Sugiyama, Shinichi Nakajima

We introduce a novel formulation of multi-task learning (MTL) called parametric task learning (PTL) that can systematically handle infinitely many tasks parameterized by a continuous parameter.

Multi-Task Learning regression

Global Solver and Its Efficient Approximation for Variational Bayesian Low-rank Subspace Clustering

no code implementations NeurIPS 2013 Shinichi Nakajima, Akiko Takeda, S. Derin Babacan, Masashi Sugiyama, Ichiro Takeuchi

However, Bayesian learning is often obstructed by computational difficulty: the rigorous Bayesian learning is intractable in many models, and its variational Bayesian (VB) approximation is prone to suffer from local minima.

Clustering Computational Efficiency

Safe Sample Screening for Support Vector Machines

no code implementations27 Jan 2014 Kohei Ogawa, Yoshiki Suzuki, Shinya Suzumura, Ichiro Takeuchi

Sparse classifiers such as the support vector machines (SVM) are efficient in test-phases because the classifier is characterized only by a subset of the samples called support vectors (SVs), and the rest of the samples (non SVs) have no influence on the classification result.

An Algorithmic Framework for Computing Validation Performance Bounds by Using Suboptimal Models

no code implementations10 Feb 2014 Yoshiki Suzuki, Kohei Ogawa, Yuki Shinmura, Ichiro Takeuchi

If a reasonably good suboptimal model is available, our algorithm can compute lower and upper bounds of many useful quantities for making inferences on the unknown target model.

Model Selection

Regularization Path of Cross-Validation Error Lower Bounds

1 code implementation NeurIPS 2015 Atsushi Shibagaki, Yoshiki Suzuki, Masayuki Karasuyama, Ichiro Takeuchi

Careful tuning of a regularization parameter is indispensable in many machine learning tasks because it has a significant impact on generalization performances.

Safe Feature Pruning for Sparse High-Order Interaction Models

no code implementations26 Jun 2015 Kazuya Nakagawa, Shinya Suzumura, Masayuki Karasuyama, Koji Tsuda, Ichiro Takeuchi

An SFS rule has a property that, if a feature satisfies the rule, then the feature is guaranteed to be non-active in the LASSO solution, meaning that it can be safely screened-out prior to the LASSO training process.

Sparse Learning Vocal Bursts Intensity Prediction

Homotopy Continuation Approaches for Robust SV Classification and Regression

no code implementations12 Jul 2015 Shinya Suzumura, Kohei Ogawa, Masashi Sugiyama, Masayuki Karasuyama, Ichiro Takeuchi

An advantage of our homotopy approach is that it can be interpreted as simulated annealing, a common approach for finding a good local optimal solution in non-convex optimization problems.

Classification General Classification +3

Simultaneous Safe Screening of Features and Samples in Doubly Sparse Modeling

no code implementations8 Feb 2016 Atsushi Shibagaki, Masayuki Karasuyama, Kohei Hatano, Ichiro Takeuchi

A significant advantage of considering them simultaneously rather than individually is that they have a synergy effect in the sense that the results of the previous safe feature screening can be exploited for improving the next safe sample screening performances, and vice-versa.

Selective Inference Approach for Statistically Sound Predictive Pattern Mining

no code implementations15 Feb 2016 Shinya Suzumura, Kazuya Nakagawa, Mahito Sugiyama, Koji Tsuda, Ichiro Takeuchi

The main obstacle of this problem is in the difficulty of taking into account the selection bias, i. e., the bias arising from the fact that patterns are selected from extremely large number of candidates in databases.

Selection bias Two-sample testing

Safe Pattern Pruning: An Efficient Approach for Predictive Pattern Mining

no code implementations15 Feb 2016 Kazuya Nakagawa, Shinya Suzumura, Masayuki Karasuyama, Koji Tsuda, Ichiro Takeuchi

The SPP method allows us to efficiently find a superset of all the predictive patterns in the database that are needed for the optimal predictive model.

Graph Mining

Secure Approximation Guarantee for Cryptographically Private Empirical Risk Minimization

no code implementations15 Feb 2016 Toshiyuki Takada, Hiroyuki Hanada, Yoshiji Yamada, Jun Sakuma, Ichiro Takeuchi

The key property of SAG method is that, given an arbitrary approximate solution, it can provide a non-probabilistic assumption-free bound on the approximation quality under cryptographically secure computation framework.

Privacy Preserving

Efficiently Bounding Optimal Solutions after Small Data Modification in Large-Scale Empirical Risk Minimization

no code implementations1 Jun 2016 Hiroyuki Hanada, Atsushi Shibagaki, Jun Sakuma, Ichiro Takeuchi

We study large-scale classification problems in changing environments where a small part of the dataset is modified, and the effect of the data modification must be quickly incorporated into the classifier.

General Classification Small Data Image Classification

Post Selection Inference with Kernels

no code implementations12 Oct 2016 Makoto Yamada, Yuta Umezu, Kenji Fukumizu, Ichiro Takeuchi

We propose a novel kernel based post selection inference (PSI) algorithm, which can not only handle non-linearity in data but also structured output such as multi-dimensional and multi-label outputs.

General Classification Multi-class Classification

Selective Inference for Change Point Detection in Multi-dimensional Sequences

no code implementations1 Jun 2017 Yuta Umezu, Ichiro Takeuchi

We study the problem of detecting change points (CPs) that are characterized by a subset of dimensions in a multi-dimensional sequence.

Change Point Detection Selection bias

Selective Inference for Sparse High-Order Interaction Models

no code implementations ICML 2017 Shinya Suzumura, Kazuya Nakagawa, Yuta Umezu, Koji Tsuda, Ichiro Takeuchi

Finding statistically significant high-order interactions in predictive modeling is important but challenging task because the possible number of high-order interactions is extremely large (e. g., $> 10^{17}$).

Drug Response Prediction feature selection +1

Machine learning modeling of superconducting critical temperature

1 code implementation8 Sep 2017 Valentin Stanev, Corey Oses, A. Gilad Kusne, Efrain Rodriguez, Johnpierre Paglione, Stefano Curtarolo, Ichiro Takeuchi

Separate regression models are developed to predict the values of $T_{\mathrm{c}}$ for cuprate, iron-based, and "low-$T_{\mathrm{c}}$" compounds.

BIG-bench Machine Learning General Classification +1

Safe Triplet Screening for Distance Metric Learning

1 code implementation12 Feb 2018 Tomoki Yoshida, Ichiro Takeuchi, Masayuki Karasuyama

Distance metric learning can optimize a metric over a set of triplets, each one of which is defined by a pair of same class instances and an instance in a different class.

Metric Learning

Post Selection Inference with Incomplete Maximum Mean Discrepancy Estimator

no code implementations ICLR 2019 Makoto Yamada, Denny Wu, Yao-Hung Hubert Tsai, Ichiro Takeuchi, Ruslan Salakhutdinov, Kenji Fukumizu

In the paper, we propose a post selection inference (PSI) framework for divergence measure, which can select a set of statistically significant features that discriminate two distributions.

Binary Classification Change Point Detection +1

Interval-based Prediction Uncertainty Bound Computation in Learning with Missing Values

no code implementations1 Mar 2018 Hiroyuki Hanada, Toshiyuki Takada, Jun Sakuma, Ichiro Takeuchi

A drawback of this naive approach is that the uncertainty in the missing entries is not properly incorporated in the prediction.

Imputation regression

Learning sparse optimal rule fit by safe screening

no code implementations3 Oct 2018 Hiroki Kato, Hiroyuki Hanada, Ichiro Takeuchi

In this paper, we propose Safe Optimal Rule Fit (SORF) as an approach to resolve this problem, which is formulated as a convex optimization problem with sparse regularization.

Safe Grid Search with Optimal Complexity

1 code implementation12 Oct 2018 Eugene Ndiaye, Tam Le, Olivier Fercoq, Joseph Salmon, Ichiro Takeuchi

Popular machine learning estimators involve regularization parameters that can be challenging to tune, and standard strategies rely on grid search for this task.

Active learning for enumerating local minima based on Gaussian process derivatives

no code implementations8 Mar 2019 Yu Inatsu, Daisuke Sugita, Kazuaki Toyoura, Ichiro Takeuchi

We study active learning (AL) based on Gaussian Processes (GPs) for efficiently enumerating all of the local minimum solutions of a black-box function.

Active Learning Gaussian Processes

Statistically Discriminative Sub-trajectory Mining

no code implementations6 May 2019 Vo Nguyen Le Duy, Takuto Sakuma, Taiju Ishiyama, Hiroki Toda, Kazuya Nishi, Masayuki Karasuyama, Yuta Okubo, Masayuki Sunaga, Yasuo Tabei, Ichiro Takeuchi

Given two groups of trajectories, the goal of this problem is to extract moving patterns in the form of sub-trajectories which are more similar to sub-trajectories of one group and less similar to those of the other.

Computing Valid p-values for Image Segmentation by Selective Inference

no code implementations CVPR 2020 Kosuke Tanizaki, Noriaki Hashimoto, Yu Inatsu, Hidekata Hontani, Ichiro Takeuchi

To overcome this difficulty, we introduce a statistical approach called selective inference, and develop a framework to compute valid p-values in which the segmentation bias is properly accounted for.

Image Segmentation Segmentation +2

Active learning for level set estimation under cost-dependent input uncertainty

no code implementations13 Sep 2019 Yu Inatsu, Masayuki Karasuyama, Keiichi Inoue, Ichiro Takeuchi

As part of a quality control process in manufacturing it is often necessary to test whether all parts of a product satisfy a required property, with as few inspections as possible.

Active Learning

Computing Full Conformal Prediction Set with Approximate Homotopy

1 code implementation NeurIPS 2019 Eugene Ndiaye, Ichiro Takeuchi

If you are predicting the label $y$ of a new object with $\hat y$, how confident are you that $y = \hat y$?

Conformal Prediction

Bayesian Experimental Design for Finding Reliable Level Set under Input Uncertainty

no code implementations26 Oct 2019 Shogo Iwazaki, Yu Inatsu, Ichiro Takeuchi

In the manufacturing industry, it is often necessary to repeat expensive operational testing of machine in order to identify the range of input conditions under which the machine operates properly.

Active Learning Experimental Design

Bayesian Active Learning for Structured Output Design

no code implementations9 Nov 2019 Kota Matsui, Shunya Kusakawa, Keisuke Ando, Kentaro Kutsukake, Toru Ujihara, Ichiro Takeuchi

In this paper, we propose an active learning method for an inverse problem that aims to find an input that achieves a desired structured-output.

Active Learning

Causal analysis of competing atomistic mechanisms in ferroelectric materials from high-resolution Scanning Transmission Electron Microscopy data

no code implementations11 Feb 2020 Maxim Ziatdinov, Chris Nelson, Xiaohang Zhang, Rama Vasudevan, Eugene Eliseev, Anna N. Morozovska, Ichiro Takeuchi, Sergei V. Kalinin

Machine learning has emerged as a powerful tool for the analysis of mesoscopic and atomically resolved images and spectroscopy in electron and scanning probe microscopy, with the applications ranging from feature extraction to information compression and elucidation of relevant order parameters to inversion of imaging data to reconstruct structural models.

Materials Science

Computing Valid p-value for Optimal Changepoint by Selective Inference using Dynamic Programming

2 code implementations NeurIPS 2020 Vo Nguyen Le Duy, Hiroki Toda, Ryota Sugiyama, Ichiro Takeuchi

In this paper, we introduce a novel method to perform statistical inference on the significance of the CPs, estimated by a Dynamic Programming (DP)-based optimal CP detection algorithm.

Computational Efficiency valid

CRYSPNet: Crystal Structure Predictions via Neural Network

1 code implementation31 Mar 2020 Haotong Liang, Valentin Stanev, A. Gilad Kusne, Ichiro Takeuchi

Structure is the most basic and important property of crystalline solids; it determines directly or indirectly most materials characteristics.

Parametric Programming Approach for More Powerful and General Lasso Selective Inference

3 code implementations21 Apr 2020 Vo Nguyen Le Duy, Ichiro Takeuchi

Unfortunately, the main limitation of the original SI approach for Lasso is that the inference is conducted not only conditional on the selected features but also on their signs -- this leads to loss of power because of over-conditioning.

feature selection

On-the-fly Closed-loop Autonomous Materials Discovery via Bayesian Active Learning

no code implementations11 Jun 2020 A. Gilad Kusne, Heshan Yu, Changming Wu, Huairuo Zhang, Jason Hattrick-Simpers, Brian DeCost, Suchismita Sarker, Corey Oses, Cormac Toher, Stefano Curtarolo, Albert V. Davydov, Ritesh Agarwal, Leonid A. Bendersky, Mo Li, Apurva Mehta, Ichiro Takeuchi

Active learning - the field of machine learning (ML) dedicated to optimal experiment design, has played a part in science as far back as the 18th century when Laplace used it to guide his discovery of celestial mechanics [1].

Active Learning BIG-bench Machine Learning

Bayesian Quadrature Optimization for Probability Threshold Robustness Measure

no code implementations22 Jun 2020 Shogo Iwazaki, Yu Inatsu, Ichiro Takeuchi

In many product development problems, the performance of the product is governed by two types of parameters called design parameter and environmental parameter.

Active Learning

Mean-Variance Analysis in Bayesian Optimization under Uncertainty

no code implementations17 Sep 2020 Shogo Iwazaki, Yu Inatsu, Ichiro Takeuchi

As an AL problem in such an uncertain environment, we study Mean-Variance Analysis in Bayesian Optimization (MVA-BO) setting.

Active Learning Bayesian Optimization

Quantifying Statistical Significance of Neural Network-based Image Segmentation by Selective Inference

2 code implementations5 Oct 2020 Vo Nguyen Le Duy, Shogo Iwazaki, Ichiro Takeuchi

To overcome this difficulty, we introduce a conditional selective inference (SI) framework -- a new statistical inference framework for data-driven hypotheses that has recently received considerable attention -- to compute exact (non-asymptotic) valid p-values for the segmentation results.

Computational Efficiency Image Segmentation +4

Supervised sequential pattern mining of event sequences in sport to identify important patterns of play: an application to rugby union

1 code implementation29 Oct 2020 Rory Bunker, Keisuke Fujii, Hiroyuki Hanada, Ichiro Takeuchi

Given a set of sequences comprised of time-ordered events, sequential pattern mining is useful to identify frequent subsequences from different sequences or within the same sequence.

Sequential Pattern Mining

Active learning for distributionally robust level-set estimation

no code implementations8 Feb 2021 Yu Inatsu, Shogo Iwazaki, Ichiro Takeuchi

A natural measure of robustness is the probability that $f(\bm x, \bm w)$ exceeds a given threshold $h$, which is known as the \emph{probability threshold robustness} (PTR) measure in the literature on robust optimization.

Active Learning

Mapping causal patterns in crystalline solids

no code implementations2 Mar 2021 Chris Nelson, Anna N. Morozovska, Maxim A. Ziatdinov, Eugene A. Eliseev, Xiaohang Zhang, Ichiro Takeuchi, Sergei V. Kalinin

The evolution of the atomic structures of the combinatorial library of Sm-substituted thin film BiFeO3 along the phase transition boundary from the ferroelectric rhombohedral phase to the non-ferroelectric orthorhombic phase is explored using scanning transmission electron microscopy (STEM).

Data Analysis, Statistics and Probability Materials Science

Root-finding Approaches for Computing Conformal Prediction Set

1 code implementation14 Apr 2021 Eugene Ndiaye, Ichiro Takeuchi

Conformal prediction constructs a confidence set for an unobserved response of a feature vector based on previous identically distributed and exchangeable observations of responses and features.

Conformal Prediction

Conditional Selective Inference for Robust Regression and Outlier Detection using Piecewise-Linear Homotopy Continuation

no code implementations22 Apr 2021 Toshiaki Tsukurimichi, Yu Inatsu, Vo Nguyen Le Duy, Ichiro Takeuchi

In practical data analysis under noisy environment, it is common to first use robust methods to identify outliers, and then to conduct further analysis after removing the outliers.

Outlier Detection regression

More Powerful Conditional Selective Inference for Generalized Lasso by Parametric Programming

no code implementations11 May 2021 Vo Nguyen Le Duy, Ichiro Takeuchi

The basic concept of conditional SI is to make the inference conditional on the selection event, which enables an exact and valid statistical inference to be conducted even when the hypothesis is selected based on the data.

Model Selection valid

Exact Statistical Inference for the Wasserstein Distance by Selective Inference

no code implementations29 Sep 2021 Vo Nguyen Le Duy, Ichiro Takeuchi

In this paper, we study statistical inference for the Wasserstein distance, which has attracted much attention and has been applied to various machine learning tasks.

valid

Physics in the Machine: Integrating Physical Knowledge in Autonomous Phase-Mapping

no code implementations15 Nov 2021 A. Gilad Kusne, Austin McDannald, Brian DeCost, Corey Oses, Cormac Toher, Stefano Curtarolo, Apurva Mehta, Ichiro Takeuchi

Application of artificial intelligence (AI), and more specifically machine learning, to the physical sciences has expanded significantly over the past decades.

Inductive Bias Materials Screening

Topic Analysis of Superconductivity Literature by Semantic Non-negative Matrix Factorization

no code implementations1 Dec 2021 Valentin Stanev, Erik Skau, Ichiro Takeuchi, Boian S. Alexandrov

We utilize a recently developed topic modeling method called SeNMFk, extending the standard Non-negative Matrix Factorization (NMF) methods by incorporating the semantic structure of the text, and adding a robust system for determining the number of topics.

Continuation Path with Linear Convergence Rate

no code implementations9 Dec 2021 Eugene Ndiaye, Ichiro Takeuchi

Path-following algorithms are frequently used in composite optimization problems where a series of subproblems, with varying regularization hyperparameters, are solved sequentially.

Bayesian Optimization for Distributionally Robust Chance-constrained Problem

no code implementations31 Jan 2022 Yu Inatsu, Shion Takeno, Masayuki Karasuyama, Ichiro Takeuchi

In black-box function optimization, we need to consider not only controllable design variables but also uncontrollable stochastic environment variables.

Bayesian Optimization

Statistical Inference for the Dynamic Time Warping Distance, with Application to Abnormal Time-Series Detection

no code implementations14 Feb 2022 Vo Nguyen Le Duy, Ichiro Takeuchi

We study statistical inference on the similarity/distance between two time-series under uncertain environment by considering a statistical hypothesis test on the distance obtained from Dynamic Time Warping (DTW) algorithm.

Decision Making Dynamic Time Warping +3

A Confidence Machine for Sparse High-Order Interaction Model

1 code implementation28 May 2022 Diptesh Das, Eugene Ndiaye, Ichiro Takeuchi

In predictive modeling for high-stake decision-making, predictors must be not only accurate but also reliable.

Conformal Prediction Decision Making +1

Transformer-based Personalized Attention Mechanism for Medical Images with Clinical Records

1 code implementation7 Jun 2022 Yusuke Takagi, Noriaki Hashimoto, Hiroki Masuda, Hiroaki Miyoshi, Koichi Ohshima, Hidekata Hontani, Ichiro Takeuchi

In medical image diagnosis, identifying the attention region, i. e., the region of interest for which the diagnosis is made, is an important task.

whole slide images

Valid P-Value for Deep Learning-Driven Salient Region

no code implementations6 Jan 2023 Daiki Miwa, Vo Nguyen Le Duy, Ichiro Takeuchi

Various saliency map methods have been proposed to interpret and explain predictions of deep learning models.

valid

Bounding Box-based Multi-objective Bayesian Optimization of Risk Measures under Input Uncertainty

no code implementations27 Jan 2023 Yu Inatsu, Shion Takeno, Hiroyuki Hanada, Kazuki Iwata, Ichiro Takeuchi

In this study, we propose a novel multi-objective Bayesian optimization (MOBO) method to efficiently identify the Pareto front (PF) defined by risk measures for black-box functions under the presence of input uncertainty (IU).

Bayesian Optimization

Enhancing Exploration in Latent Space Bayesian Optimization

no code implementations5 Feb 2023 Onur Boyar, Ichiro Takeuchi

Additionally, we present LCA-VAE, a novel VAE method that generates a latent space with increased consistent points, improving BO's extrapolation capabilities.

Bayesian Optimization Image Generation

Human-In-the-Loop for Bayesian Autonomous Materials Phase Mapping

no code implementations17 Jun 2023 Felix Adams, Austin McDannald, Ichiro Takeuchi, A. Gilad Kusne

Here, we present a set of methods for integrating human input into an autonomous materials exploration campaign for composition-structure phase mapping.

Generalized Low-Rank Update: Model Parameter Bounds for Low-Rank Training Data Modifications

no code implementations22 Jun 2023 Hiroyuki Hanada, Noriaki Hashimoto, Kouichi Taji, Ichiro Takeuchi

Among the class of ML methods known as linear estimators, there exists an efficient model update framework called the low-rank update that can effectively handle changes in a small number of rows and columns within the data matrix.

feature selection Model Selection

Efficient Model Selection for Predictive Pattern Mining Model by Safe Pattern Pruning

no code implementations23 Jun 2023 Takumi Yoshida, Hiroyuki Hanada, Kazuya Nakagawa, Kouichi Taji, Koji Tsuda, Ichiro Takeuchi

Predictive pattern mining is an approach used to construct prediction models when the input is represented by structured data, such as sets, graphs, and sequences.

Model Selection

Bounded P-values in Parametric Programming-based Selective Inference

1 code implementation21 Jul 2023 Tomohiro Shiraishi, Daiki Miwa, Vo Nguyen Le Duy, Ichiro Takeuchi

This additional conditions often causes the loss of power, and this issue is referred to as over-conditioning in [Fithian et al., 2014].

feature selection

Mixing Histopathology Prototypes into Robust Slide-Level Representations for Cancer Subtyping

1 code implementation19 Oct 2023 Joshua Butke, Noriaki Hashimoto, Ichiro Takeuchi, Hiroaki Miyoshi, Koichi Ohshima, Jun Sakuma

Whole-slide image analysis via the means of computational pathology often relies on processing tessellated gigapixel images with only slide-level labels available.

Multiple Instance Learning

CAD-DA: Controllable Anomaly Detection after Domain Adaptation by Statistical Inference

no code implementations23 Oct 2023 Vo Nguyen Le Duy, Hsuan-Tien Lin, Ichiro Takeuchi

We propose a novel statistical method for testing the results of anomaly detection (AD) under domain adaptation (DA), which we call CAD-DA -- controllable AD under DA.

Anomaly Detection Domain Adaptation +1

Selective Inference for Changepoint detection by Recurrent Neural Network

1 code implementation25 Nov 2023 Tomohiro Shiraishi, Daiki Miwa, Vo Nguyen Le Duy, Ichiro Takeuchi

In this study, we investigate the quantification of the statistical reliability of detected change points (CPs) in time series using a Recurrent Neural Network (RNN).

Selection bias Time Series +1

Statistical Test for Attention Map in Vision Transformer

1 code implementation16 Jan 2024 Tomohiro Shiraishi, Daiki Miwa, Teruyuki Katsuoka, Vo Nguyen Le Duy, Kouichi Taji, Ichiro Takeuchi

In this study, we propose a statistical test for ViT's attentions, enabling us to use the attentions as reliable quantitative evidence indicators for ViT's decision-making with a rigorously controlled error rate.

Decision Making

Co-orchestration of Multiple Instruments to Uncover Structure-Property Relationships in Combinatorial Libraries

1 code implementation3 Feb 2024 Boris N. Slautin, Utkarsh Pratiush, Ilia N. Ivanov, Yongtao Liu, Rohit Pant, Xiaohang Zhang, Ichiro Takeuchi, Maxim A. Ziatdinov, Sergei V. Kalinin

This can be exemplified by the combinatorial libraries that can be explored in multiple locations by multiple tools simultaneously, or downstream characterization in automated synthesis systems.

Bayesian Optimization Dimensionality Reduction +2

Statistical Test for Generated Hypotheses by Diffusion Models

no code implementations19 Feb 2024 Teruyuki Katsuoka, Tomohiro Shiraishi, Daiki Miwa, Vo Nguyen Le Duy, Ichiro Takeuchi

In this study, we consider a medical diagnostic task using generated images by diffusion models, and propose a statistical test to quantify its reliability.

Decision Making

Cannot find the paper you are looking for? You can Submit a new open access paper.