48,319 results on '"Yan, Yan"'
Search Results
2. Robin3D: Improving 3D Large Language Model via Robust Instruction Tuning
- Author
-
Kang, Weitai, Huang, Haifeng, Shang, Yuzhang, Shah, Mubarak, and Yan, Yan
- Subjects
Computer Science - Artificial Intelligence ,Computer Science - Computation and Language ,Computer Science - Computer Vision and Pattern Recognition - Abstract
Recent advancements in 3D Large Language Models (3DLLMs) have highlighted their potential in building general-purpose agents in the 3D real world, yet challenges remain due to the lack of high-quality robust instruction-following data, leading to limited discriminative power and generalization of 3DLLMs. In this paper, we introduce Robin3D, a powerful 3DLLM trained on large-scale instruction-following data generated by our novel data engine, Robust Instruction Generation (RIG) engine. RIG generates two key instruction data: 1) the Adversarial Instruction-following data, which features mixed negative and positive samples to enhance the model's discriminative understanding. 2) the Diverse Instruction-following data, which contains various instruction styles to enhance model's generalization. As a result, we construct 1 million instruction-following data, consisting of 344K Adversarial samples, 508K Diverse samples, and 165K benchmark training set samples. To better handle these complex instructions, Robin3D first incorporates Relation-Augmented Projector to enhance spatial understanding, and then strengthens the object referring and grounding ability through ID-Feature Bonding. Robin3D consistently outperforms previous methods across five widely-used 3D multimodal learning benchmarks, without the need for task-specific fine-tuning. Notably, we achieve a 7.8\% improvement in the grounding task (Multi3DRefer) and a 6.9\% improvement in the captioning task (Scan2Cap)., Comment: 10 pages
- Published
- 2024
3. Interpolating Video-LLMs: Toward Longer-sequence LMMs in a Training-free Manner
- Author
-
Shang, Yuzhang, Xu, Bingxin, Kang, Weitai, Cai, Mu, Li, Yuheng, Wen, Zehao, Dong, Zhen, Keutzer, Kurt, Lee, Yong Jae, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Artificial Intelligence ,Computer Science - Machine Learning - Abstract
Advancements in Large Language Models (LLMs) inspire various strategies for integrating video modalities. A key approach is Video-LLMs, which incorporate an optimizable interface linking sophisticated video encoders to LLMs. However, due to computation and data limitations, these Video-LLMs are typically pre-trained to process only short videos, limiting their broader application for understanding longer video content. Additionally, fine-tuning Video-LLMs to handle longer videos is cost-prohibitive. Consequently, it becomes essential to explore the interpolation of Video-LLMs under a completely training-free setting. In this paper, we first identify the primary challenges in interpolating Video-LLMs: (1) the video encoder and modality alignment projector are fixed, preventing the integration of additional frames into Video-LLMs, and (2) the LLM backbone is limited in its content length capabilities, which complicates the processing of an increased number of video tokens. To address these challenges, we propose a specific INTerPolation method for Video-LLMs (INTP-Video-LLMs). We introduce an alternative video token rearrangement technique that circumvents limitations imposed by the fixed video encoder and alignment projector. Furthermore, we introduce a training-free LLM context window extension method to enable Video-LLMs to understand a correspondingly increased number of visual tokens.
- Published
- 2024
4. DKDM: Data-Free Knowledge Distillation for Diffusion Models with Any Architecture
- Author
-
Xiang, Qianlong, Zhang, Miao, Shang, Yuzhang, Wu, Jianlong, Yan, Yan, and Nie, Liqiang
- Subjects
Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Artificial Intelligence ,Computer Science - Machine Learning - Abstract
Diffusion models (DMs) have demonstrated exceptional generative capabilities across various areas, while they are hindered by slow inference speeds and high computational demands during deployment. The most common way to accelerate DMs involves reducing the number of denoising steps during generation, achieved through faster sampling solvers or knowledge distillation (KD). In contrast to prior approaches, we propose a novel method that transfers the capability of large pretrained DMs to faster architectures. Specifically, we employ KD in a distinct manner to compress DMs by distilling their generative ability into more rapid variants. Furthermore, considering that the source data is either unaccessible or too enormous to store for current generative models, we introduce a new paradigm for their distillation without source data, termed Data-Free Knowledge Distillation for Diffusion Models (DKDM). Generally, our established DKDM framework comprises two main components: 1) a DKDM objective that uses synthetic denoising data produced by pretrained DMs to optimize faster DMs without source data, and 2) a dynamic iterative distillation method that flexibly organizes the synthesis of denoising data, preventing it from slowing down the optimization process as the generation is slow. To our knowledge, this is the first attempt at using KD to distill DMs into any architecture in a data-free manner. Importantly, our DKDM is orthogonal to most existing acceleration methods, such as denoising step reduction, quantization and pruning. Experiments show that our DKDM is capable of deriving 2x faster DMs with performance remaining on par with the baseline. Notably, our DKDM enables pretrained DMs to function as "datasets" for training new DMs.
- Published
- 2024
5. Using Case-Based Learning Supported by Role-Playing Situational Teaching Method in Endocrine Physiology Education
- Author
-
Yan Yan, Ying Zhang, Shuwei Jia, Yujia Huang, Xiaoyu Liu, Yanyan Liu, Hui Zhu, and Haixia Wen
- Abstract
Embedding clinically relevant learning experience in basic science subjects is desired for the preclinical phase of undergraduate medical education. The present study aimed to modify case-based learning (CBL) with a role-playing situational teaching method and assess the student feedback and learning effect. One hundred seventy-six sophomore students majoring in clinical medicine from Harbin Medical University were randomly divided into two groups: the control group (n = 90), who received traditional hybrid teaching, and the experimental group (n = 86), who received the role-playing situational teaching. Students in the experimental group were given a 1-wk preclass preparation to dramatize a hyperthyroidism scenario through online autonomous learning of thyroid physiology and performed the patient's consultation process in class, followed by a student presentation about key points of lecture content and a question-driven discussion. A posttest and questionnaire survey were conducted after class. The test scores of the two groups had no statistical differences, whereas the rate of excellence (high scores) of the experimental group was significantly higher than that of the control group. Furthermore, the record of online self-directed learning engagements was significantly improved in the experimental group. In the questionnaire, >70% of the students showed positive attitudes toward the role-playing situational teaching method and were willing to participate in other chapters of the physiology course. Such results show that CBL supported by a role-playing situational teaching method encourages active learning and improves the application of basic knowledge of physiology, which can be incorporated in the preclinical curricula to bridge the gap between theory and practice.
- Published
- 2024
- Full Text
- View/download PDF
6. Distilling Long-tailed Datasets
- Author
-
Zhao, Zhenghao, Wang, Haoxuan, Shang, Yuzhang, Wang, Kai, and Yan, Yan
- Subjects
Computer Science - Machine Learning - Abstract
Dataset distillation (DD) aims to distill a small, information-rich dataset from a larger one for efficient neural network training. However, existing DD methods struggle with long-tailed datasets, which are prevalent in real-world scenarios. By investigating the reasons behind this unexpected result, we identified two main causes: 1) Expert networks trained on imbalanced data develop biased gradients, leading to the synthesis of similarly imbalanced distilled datasets. Parameter matching, a common technique in DD, involves aligning the learning parameters of the distilled dataset with that of the original dataset. However, in the context of long-tailed datasets, matching biased experts leads to inheriting the imbalance present in the original data, causing the distilled dataset to inadequately represent tail classes. 2) The experts trained on such datasets perform suboptimally on tail classes, resulting in misguided distillation supervision and poor-quality soft-label initialization. To address these issues, we propose a novel long-tailed dataset distillation method, Long-tailed Aware Dataset distillation (LAD). Specifically, we propose Weight Mismatch Avoidance to avoid directly matching the biased expert trajectories. It reduces the distance between the student and the biased expert trajectories and prevents the tail class bias from being distilled to the synthetic dataset. Moreover, we propose Adaptive Decoupled Matching, which jointly matches the decoupled backbone and classifier to improve the tail class performance and initialize reliable soft labels. This work pioneers the field of long-tailed dataset distillation (LTDD), marking the first effective effort to distill long-tailed datasets.
- Published
- 2024
7. Investigating the competition between the deconfinement and chiral phase transitions in light of the multimessenger observations of neutron stars
- Author
-
Yuan, Wen-Li, Gao, Bikai, Yan, Yan, Li, Bolin, and Xu, Renxin
- Subjects
Nuclear Theory ,Astrophysics - High Energy Astrophysical Phenomena ,High Energy Physics - Phenomenology - Abstract
We extend the parity doublet model for hadronic matter and study the possible presence of quark matter inside the cores of neutron stars with the Nambu-Jona-Lasinio (NJL) model. Considering the uncertainties of the QCD phase diagram and the location of the critical endpoint, we aim to explore the competition between the chiral phase transition and the deconfinement phase transition systematically, regulated by the vacuum pressure $-B$ in the NJL model. Employing a Maxwell construction, a sharp first-order deconfinement phase transition is implemented combining the parity doublet model for the hadronic phase and the NJL model for the high-energy quark phase. The position of the chiral phase transition is obtained from the NJL model self-consistently. We find stable neutron stars with a quark core within a specific parameter space that satisfies current astronomical observations. The observations suggest a relatively large chiral invariant mass $m_0=600$ MeV in the parity doublet model and a larger split between the chiral and deconfinement phase transitions while assuming the first-order deconfinement phase transition. The maximum mass of the hybrid star that we obtain is $\sim 2.2 M_{\odot}$., Comment: 10pages,7 figures
- Published
- 2024
8. InfinityMATH: A Scalable Instruction Tuning Dataset in Programmatic Mathematical Reasoning
- Author
-
Zhang, Bo-Wen, Yan, Yan, Li, Lin, and Liu, Guang
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence ,I.2.7 - Abstract
Recent advancements in Chain-of-Thoughts (CoT) and Program-of-Thoughts (PoT) methods have greatly enhanced language models' mathematical reasoning capabilities, facilitating their integration into instruction tuning datasets with LLMs. However, existing methods for large-scale dataset creation require substantial seed data and high computational costs for data synthesis, posing significant challenges for scalability. We introduce InfinityMATH, a scalable instruction tuning dataset for programmatic mathematical reasoning. The construction pipeline emphasizes decoupling numbers from mathematical problems to synthesize number-independent programs, enabling efficient and flexible scaling while minimizing dependency on specific numerical values. Fine-tuning experiments with open-source language and code models, such as Llama2 and CodeLlama, demonstrate the practical benefits of InfinityMATH. These fine-tuned models, showed significant relative improvements on both in-domain and out-of-domain benchmarks, ranging from 184.7% to 514.3% on average. Additionally, these models exhibited high robustness on the GSM8K+ and MATH+ benchmarks, which are enhanced version of test sets with simply the number variations. InfinityMATH ensures that models are more versatile and effective across a broader range of mathematical problems. The data is available at https://huggingface.co/datasets/flagopen/InfinityMATH., Comment: Accepted by CIKM 2024
- Published
- 2024
- Full Text
- View/download PDF
9. Design and characterization of a 60-cm reflective half-wave plate for the CLASS 90 GHz band telescope
- Author
-
Shi, Rui, Brewer, Michael K., Chan, Carol Yan Yan, Chuss, David T., Couto, Jullianna Denes, Eimer, Joseph R., Karakla, John, Shukawa, Koji, Valle, Deniz A. N., Appel, John W., Bennett, Charles L., Dahal, Sumit, Essinger-Hileman, Thomas, Marriage, Tobias A., Petroff, Matthew A., Rostem, Karwan, and Wollack, Edward J.
- Subjects
Astrophysics - Instrumentation and Methods for Astrophysics - Abstract
Front-end polarization modulation enables improved polarization measurement stability by modulating the targeted signal above the low-frequency $1/f$ drifts associated with atmospheric and instrumental instabilities and diminishes the impact of instrumental polarization. In this work, we present the design and characterization of a new 60-cm diameter Reflective Half-Wave Plate (RHWP) polarization modulator for the 90 GHz band telescope of the Cosmology Large Angular Scale Surveyor (CLASS) project. The RHWP consists of an array of parallel wires (diameter $50~\mathrm{\mu m}$, $175~\mathrm{\mu m}$ pitch) positioned $0.88~\mathrm{mm}$ from an aluminum mirror. In lab tests, it was confirmed that the wire resonance frequency ($f_\mathrm{res}$) profile is consistent with the target, $139~\mathrm{Hz}
- Published
- 2024
10. Dataset Quantization with Active Learning based Adaptive Sampling
- Author
-
Zhao, Zhenghao, Shang, Yuzhang, Wu, Junyi, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Deep learning has made remarkable progress recently, largely due to the availability of large, well-labeled datasets. However, the training on such datasets elevates costs and computational demands. To address this, various techniques like coreset selection, dataset distillation, and dataset quantization have been explored in the literature. Unlike traditional techniques that depend on uniform sample distributions across different classes, our research demonstrates that maintaining performance is feasible even with uneven distributions. We find that for certain classes, the variation in sample quantity has a minimal impact on performance. Inspired by this observation, an intuitive idea is to reduce the number of samples for stable classes and increase the number of samples for sensitive classes to achieve a better performance with the same sampling ratio. Then the question arises: how can we adaptively select samples from a dataset to achieve optimal performance? In this paper, we propose a novel active learning based adaptive sampling strategy, Dataset Quantization with Active Learning based Adaptive Sampling (DQAS), to optimize the sample selection. In addition, we introduce a novel pipeline for dataset quantization, utilizing feature space from the final stage of dataset quantization to generate more precise dataset bins. Our comprehensive evaluations on the multiple datasets show that our approach outperforms the state-of-the-art dataset compression methods., Comment: Accepted to ECCV 2024
- Published
- 2024
11. ACTRESS: Active Retraining for Semi-supervised Visual Grounding
- Author
-
Kang, Weitai, Qu, Mengxue, Wei, Yunchao, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Semi-Supervised Visual Grounding (SSVG) is a new challenge for its sparse labeled data with the need for multimodel understanding. A previous study, RefTeacher, makes the first attempt to tackle this task by adopting the teacher-student framework to provide pseudo confidence supervision and attention-based supervision. However, this approach is incompatible with current state-of-the-art visual grounding models, which follow the Transformer-based pipeline. These pipelines directly regress results without region proposals or foreground binary classification, rendering them unsuitable for fitting in RefTeacher due to the absence of confidence scores. Furthermore, the geometric difference in teacher and student inputs, stemming from different data augmentations, induces natural misalignment in attention-based constraints. To establish a compatible SSVG framework, our paper proposes the ACTive REtraining approach for Semi-Supervised Visual Grounding, abbreviated as ACTRESS. Initially, the model is enhanced by incorporating an additional quantized detection head to expose its detection confidence. Building upon this, ACTRESS consists of an active sampling strategy and a selective retraining strategy. The active sampling strategy iteratively selects high-quality pseudo labels by evaluating three crucial aspects: Faithfulness, Robustness, and Confidence, optimizing the utilization of unlabeled data. The selective retraining strategy retrains the model with periodic re-initialization of specific parameters, facilitating the model's escape from local minima. Extensive experiments demonstrates our superior performance on widely-used benchmark datasets.
- Published
- 2024
12. Visual Grounding with Attention-Driven Constraint Balancing
- Author
-
Kang, Weitai, Zhou, Luowei, Wu, Junyi, Sun, Changchang, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Unlike Object Detection, Visual Grounding task necessitates the detection of an object described by complex free-form language. To simultaneously model such complex semantic and visual representations, recent state-of-the-art studies adopt transformer-based models to fuse features from both modalities, further introducing various modules that modulate visual features to align with the language expressions and eliminate the irrelevant redundant information. However, their loss function, still adopting common Object Detection losses, solely governs the bounding box regression output, failing to fully optimize for the above objectives. To tackle this problem, in this paper, we first analyze the attention mechanisms of transformer-based models. Building upon this, we further propose a novel framework named Attention-Driven Constraint Balancing (AttBalance) to optimize the behavior of visual features within language-relevant regions. Extensive experimental results show that our method brings impressive improvements. Specifically, we achieve constant improvements over five different models evaluated on four different benchmarks. Moreover, we attain a new state-of-the-art performance by integrating our method into QRNet.
- Published
- 2024
13. SegVG: Transferring Object Bounding Box to Segmentation for Visual Grounding
- Author
-
Kang, Weitai, Liu, Gaowen, Shah, Mubarak, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Different from Object Detection, Visual Grounding deals with detecting a bounding box for each text-image pair. This one box for each text-image data provides sparse supervision signals. Although previous works achieve impressive results, their passive utilization of annotation, i.e. the sole use of the box annotation as regression ground truth, results in a suboptimal performance. In this paper, we present SegVG, a novel method transfers the box-level annotation as Segmentation signals to provide an additional pixel-level supervision for Visual Grounding. Specifically, we propose the Multi-layer Multi-task Encoder-Decoder as the target grounding stage, where we learn a regression query and multiple segmentation queries to ground the target by regression and segmentation of the box in each decoding layer, respectively. This approach allows us to iteratively exploit the annotation as signals for both box-level regression and pixel-level segmentation. Moreover, as the backbones are typically initialized by pretrained parameters learned from unimodal tasks and the queries for both regression and segmentation are static learnable embeddings, a domain discrepancy remains among these three types of features, which impairs subsequent target grounding. To mitigate this discrepancy, we introduce the Triple Alignment module, where the query, text, and vision tokens are triangularly updated to share the same space by triple attention mechanism. Extensive experiments on five widely used datasets validate our state-of-the-art (SOTA) performance., Comment: Accepted to ECCV 2024
- Published
- 2024
14. A note on entanglement entropy and topological defects in symmetric orbifold CFTs
- Author
-
Gutperle, Michael, Li, Yan-Yan, Rathore, Dikshant, and Roumpedakis, Konstantinos
- Subjects
High Energy Physics - Theory - Abstract
In this brief note we calculate the entanglement entropy in $M^{\otimes N}/S_N$ symmetric orbifold CFTs in the presence of topological defects, which were recently constructed in \cite{Gutperle:2024vyp,Knighton:2024noc}. We consider both universal defects which realize $Rep(S_N)$ non-invertible symmetry and non-universal defects. We calculate the sub-leading defect entropy/g-factor for defects at the boundary entangling surface as well as inside it., Comment: 16 pages, 5 figures
- Published
- 2024
15. Conformal Prediction for Class-wise Coverage via Augmented Label Rank Calibration
- Author
-
Shi, Yuanjie, Ghosh, Subhankar, Belkhouja, Taha, Doppa, Janardhan Rao, and Yan, Yan
- Subjects
Computer Science - Machine Learning - Abstract
Conformal prediction (CP) is an emerging uncertainty quantification framework that allows us to construct a prediction set to cover the true label with a pre-specified marginal or conditional probability. Although the valid coverage guarantee has been extensively studied for classification problems, CP often produces large prediction sets which may not be practically useful. This issue is exacerbated for the setting of class-conditional coverage on imbalanced classification tasks with many and/or imbalanced classes. This paper proposes the Rank Calibrated Class-conditional CP (RC3P) algorithm to reduce the prediction set sizes to achieve class-conditional coverage, where the valid coverage holds for each class. In contrast to the standard class-conditional CP (CCP) method that uniformly thresholds the class-wise conformity score for each class, the augmented label rank calibration step allows RC3P to selectively iterate this class-wise thresholding subroutine only for a subset of classes whose class-wise top-k error is small. We prove that agnostic to the classifier and data distribution, RC3P achieves class-wise coverage. We also show that RC3P reduces the size of prediction sets compared to the CCP method. Comprehensive experiments on multiple real-world datasets demonstrate that RC3P achieves class-wise coverage and 26.25% reduction in prediction set sizes on average.
- Published
- 2024
16. Enhancing Medical Students' Science Communication Skills: From the Perspective of New Media
- Author
-
Ying Zhang, Jiao Wang, Yan Yan, Jie Xu, Hui Li, Ting Zhang, Haixia Wen, Xiaoyu Liu, Yanyan Liu, Chunmei Lv, and Hui Zhu
- Abstract
With the development of science over the years, people have increasingly realized the importance of science communication. Unfortunately, very little research has focused on helping medical students develop the capabilities of science communication. To improve medical students' science communication and evaluate the effectiveness of New Media through mobile clients in health science communication, a competition was held among medical undergraduates. Outstanding works were selected for publication on our official health science communication WeChat account. Furthermore, the participants volunteered to complete a questionnaire survey to help us assess students' awareness of science communication. Our analysis revealed that students had a strong willingness to serve society and to participate in science communication work. Students generally agreed that science communication work had excellent effects on professional knowledge and related skills. In addition, the correlation results showed that the greater students' willingness to participate in health science communication was, the greater their sense of gain. New Media effectively expand the influence of students' popular science works. Our findings suggest that competition in science communication has a positive impact on enhancing students' awareness and capabilities in science communication. In addition, New Media are an effective way to improve students' scientific communication efficiency. However, we also noted that students' participation rate and enthusiasm for scientific communication were not high. Further research is needed to determine the reasons for this situation and potential strategies to further improve students' science communication.
- Published
- 2024
- Full Text
- View/download PDF
17. Streamflow Prediction with Uncertainty Quantification for Water Management: A Constrained Reasoning and Learning Approach
- Author
-
Gharsallaoui, Mohammed Amine, Singh, Bhupinderjeet, Savalkar, Supriya, Deshwal, Aryan, Yan, Yan, Kalyanaraman, Ananth, Rajagopalan, Kirti, and Doppa, Janardhan Rao
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence - Abstract
Predicting the spatiotemporal variation in streamflow along with uncertainty quantification enables decision-making for sustainable management of scarce water resources. Process-based hydrological models (aka physics-based models) are based on physical laws, but using simplifying assumptions which can lead to poor accuracy. Data-driven approaches offer a powerful alternative, but they require large amount of training data and tend to produce predictions that are inconsistent with physical laws. This paper studies a constrained reasoning and learning (CRL) approach where physical laws represented as logical constraints are integrated as a layer in the deep neural network. To address small data setting, we develop a theoretically-grounded training approach to improve the generalization accuracy of deep models. For uncertainty quantification, we combine the synergistic strengths of Gaussian processes (GPs) and deep temporal models (i.e., deep models for time-series forecasting) by passing the learned latent representation as input to a standard distance-based kernel. Experiments on multiple real-world datasets demonstrate the effectiveness of both CRL and GP with deep kernel approaches over strong baseline methods.
- Published
- 2024
18. LMO-DP: Optimizing the Randomization Mechanism for Differentially Private Fine-Tuning (Large) Language Models
- Author
-
Yang, Qin, Mohammad, Meisam, Wang, Han, Payani, Ali, Kundu, Ashish, Shu, Kai, Yan, Yan, and Hong, Yuan
- Subjects
Computer Science - Cryptography and Security ,Computer Science - Computation and Language ,Computer Science - Machine Learning - Abstract
Differentially Private Stochastic Gradient Descent (DP-SGD) and its variants have been proposed to ensure rigorous privacy for fine-tuning large-scale pre-trained language models. However, they rely heavily on the Gaussian mechanism, which may overly perturb the gradients and degrade the accuracy, especially in stronger privacy regimes (e.g., the privacy budget $\epsilon < 3$). To address such limitations, we propose a novel Language Model-based Optimal Differential Privacy (LMO-DP) mechanism, which takes the first step to enable the tight composition of accurately fine-tuning (large) language models with a sub-optimal DP mechanism, even in strong privacy regimes (e.g., $0.1\leq \epsilon<3$). Furthermore, we propose a novel offline optimal noise search method to efficiently derive the sub-optimal DP that significantly reduces the noise magnitude. For instance, fine-tuning RoBERTa-large (with 300M parameters) on the SST-2 dataset can achieve an accuracy of 92.20% (given $\epsilon=0.3$, $\delta=10^{-10}$) by drastically outperforming the Gaussian mechanism (e.g., $\sim 50\%$ for small $\epsilon$ and $\delta$). We also draw similar findings on the text generation tasks on GPT-2. Finally, to our best knowledge, LMO-DP is also the first solution to accurately fine-tune Llama-2 with strong differential privacy guarantees. The code will be released soon and available upon request., Comment: 18 pages, 15 figures
- Published
- 2024
19. Intent3D: 3D Object Detection in RGB-D Scans Based on Human Intention
- Author
-
Kang, Weitai, Qu, Mengxue, Kini, Jyoti, Wei, Yunchao, Shah, Mubarak, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
In real-life scenarios, humans seek out objects in the 3D world to fulfill their daily needs or intentions. This inspires us to introduce 3D intention grounding, a new task in 3D object detection employing RGB-D, based on human intention, such as "I want something to support my back". Closely related, 3D visual grounding focuses on understanding human reference. To achieve detection based on human intention, it relies on humans to observe the scene, reason out the target that aligns with their intention ("pillow" in this case), and finally provide a reference to the AI system, such as "A pillow on the couch". Instead, 3D intention grounding challenges AI agents to automatically observe, reason and detect the desired target solely based on human intention. To tackle this challenge, we introduce the new Intent3D dataset, consisting of 44,990 intention texts associated with 209 fine-grained classes from 1,042 scenes of the ScanNet dataset. We also establish several baselines based on different language-based 3D object detection models on our benchmark. Finally, we propose IntentNet, our unique approach, designed to tackle this intention-based detection problem. It focuses on three key aspects: intention understanding, reasoning to identify object candidates, and cascaded adaptive learning that leverages the intrinsic priority logic of different losses for multiple objective optimization.
- Published
- 2024
20. PTQ4DiT: Post-training Quantization for Diffusion Transformers
- Author
-
Wu, Junyi, Wang, Haoxuan, Shang, Yuzhang, Shah, Mubarak, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
The recent introduction of Diffusion Transformers (DiTs) has demonstrated exceptional capabilities in image generation by using a different backbone architecture, departing from traditional U-Nets and embracing the scalable nature of transformers. Despite their advanced capabilities, the wide deployment of DiTs, particularly for real-time applications, is currently hampered by considerable computational demands at the inference stage. Post-training Quantization (PTQ) has emerged as a fast and data-efficient solution that can significantly reduce computation and memory footprint by using low-bit weights and activations. However, its applicability to DiTs has not yet been explored and faces non-trivial difficulties due to the unique design of DiTs. In this paper, we propose PTQ4DiT, a specifically designed PTQ method for DiTs. We discover two primary quantization challenges inherent in DiTs, notably the presence of salient channels with extreme magnitudes and the temporal variability in distributions of salient activation over multiple timesteps. To tackle these challenges, we propose Channel-wise Salience Balancing (CSB) and Spearmen's $\rho$-guided Salience Calibration (SSC). CSB leverages the complementarity property of channel magnitudes to redistribute the extremes, alleviating quantization errors for both activations and weights. SSC extends this approach by dynamically adjusting the balanced salience to capture the temporal variations in activation. Additionally, to eliminate extra computational costs caused by PTQ4DiT during inference, we design an offline re-parameterization strategy for DiTs. Experiments demonstrate that our PTQ4DiT successfully quantizes DiTs to 8-bit precision (W8A8) while preserving comparable generation ability and further enables effective quantization to 4-bit weight precision (W4A8) for the first time., Comment: NeurIPS 2024. Code is available at https://github.com/adreamwu/PTQ4DiT
- Published
- 2024
21. Non-invertible symmetries in $S_N$ orbifold CFTs and holography
- Author
-
Gutperle, Michael, Li, Yan-Yan, Rathore, Dikshant, and Roumpedakis, Konstantinos
- Subjects
High Energy Physics - Theory - Abstract
We study non-invertible defects in two-dimensional $S_N$ orbifold CFTs. We construct universal defects which do not depend on the details of the seed CFT and hence exist in any orbifold CFT. Additionally, we investigate non-universal defects arising from the topological defects of the seed CFT. We argue that there exist universal defects that are non-trivial in the large-$N$ limit, making them relevant for the AdS$_3$/CFT$_2$ correspondence. We then focus on AdS$_3\times$S$^3\times \mathcal M_4$ with one unit of NS-NS flux and propose an explicit realization of these defects on the worldsheet.
- Published
- 2024
22. Efficient Multitask Dense Predictor via Binarization
- Author
-
Shang, Yuzhang, Xu, Dan, Liu, Gaowen, Kompella, Ramana Rao, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Multi-task learning for dense prediction has emerged as a pivotal area in computer vision, enabling simultaneous processing of diverse yet interrelated pixel-wise prediction tasks. However, the substantial computational demands of state-of-the-art (SoTA) models often limit their widespread deployment. This paper addresses this challenge by introducing network binarization to compress resource-intensive multi-task dense predictors. Specifically, our goal is to significantly accelerate multi-task dense prediction models via Binary Neural Networks (BNNs) while maintaining and even improving model performance at the same time. To reach this goal, we propose a Binary Multi-task Dense Predictor, Bi-MTDP, and several variants of Bi-MTDP, in which a multi-task dense predictor is constructed via specified binarized modules. Our systematical analysis of this predictor reveals that performance drop from binarization is primarily caused by severe information degradation. To address this issue, we introduce a deep information bottleneck layer that enforces representations for downstream tasks satisfying Gaussian distribution in forward propagation. Moreover, we introduce a knowledge distillation mechanism to correct the direction of information flow in backward propagation. Intriguingly, one variant of Bi-MTDP outperforms full-precision (FP) multi-task dense prediction SoTAs, ARTC (CNN-based) and InvPT (ViT-Based). This result indicates that Bi-MTDP is not merely a naive trade-off between performance and efficiency, but is rather a benefit of the redundant information flow thanks to the multi-task architecture. Code is available at https://github.com/42Shawn/BiMTDP., Comment: Accepted to CVPR'2024
- Published
- 2024
23. The Pitfalls and Promise of Conformal Inference Under Adversarial Attacks
- Author
-
Liu, Ziquan, Cui, Yufei, Yan, Yan, Xu, Yi, Ji, Xiangyang, Liu, Xue, and Chan, Antoni B.
- Subjects
Computer Science - Machine Learning ,Statistics - Machine Learning - Abstract
In safety-critical applications such as medical imaging and autonomous driving, where decisions have profound implications for patient health and road safety, it is imperative to maintain both high adversarial robustness to protect against potential adversarial attacks and reliable uncertainty quantification in decision-making. With extensive research focused on enhancing adversarial robustness through various forms of adversarial training (AT), a notable knowledge gap remains concerning the uncertainty inherent in adversarially trained models. To address this gap, this study investigates the uncertainty of deep learning models by examining the performance of conformal prediction (CP) in the context of standard adversarial attacks within the adversarial defense community. It is first unveiled that existing CP methods do not produce informative prediction sets under the commonly used $l_{\infty}$-norm bounded attack if the model is not adversarially trained, which underpins the importance of adversarial training for CP. Our paper next demonstrates that the prediction set size (PSS) of CP using adversarially trained models with AT variants is often worse than using standard AT, inspiring us to research into CP-efficient AT for improved PSS. We propose to optimize a Beta-weighting loss with an entropy minimization regularizer during AT to improve CP-efficiency, where the Beta-weighting loss is shown to be an upper bound of PSS at the population level by our theoretical analysis. Moreover, our empirical study on four image classification datasets across three popular AT baselines validates the effectiveness of the proposed Uncertainty-Reducing AT (AT-UR)., Comment: ICML2024
- Published
- 2024
24. $CP$-violating observables of four-body $B_{(s)} \to (\pi\pi)(K\bar{K})$ decays in perturbative QCD
- Author
-
Yan, Da-Cheng, Yan, Yan, and Rui, Zhou
- Subjects
High Energy Physics - Phenomenology - Abstract
In this work, we investigate six helicity amplitudes of the four-body $B_{(s)} \to (\pi\pi)(K\bar{K})$ decays in the perturbative QCD (PQCD) approach. The $\pi\pi$ invariant mass spectrum is dominated by the vector resonance $\rho(770)$ together with scalar resonance $f_0(980)$, while the vector resonance $\phi(1020)$ and scalar resonance $f_0(980)$ are expected to contribute in the $K\bar{K}$ invariant mass range. We extract the two-body branching ratios ${\cal B}(B_{(s)}\to \rho\phi)$ from the corresponding four-body decays $B_{(s)}\to \rho\phi\to (\pi\pi)(K \bar K)$. The predicted ${\cal B}(B^0_{s}\to \rho\phi)$ agrees well with the current experimental data within errors. The longitudinal polarization fractions of the $B_{(s)}\to \rho\phi$ decays are found to be as large as $90\%$, basically consistent with the previous two-body predictions within uncertainties. In addition, the triple-product asymmetries (TPAs) of the considered decays are also presented for the first time. Since the $B_s^0\to \rho^0\phi\to(\pi^+\pi^-)(K^+K^-)$ decay is induced by both tree and penguin operators, the values of the ${\cal A}^{\rm CP}_{\rm dir}$ and ${\cal A}^{1}_{\text{T-true}}$ are calculated to be $(21.8^{+2.7}_{-3.3})\%$ and $(-10.23^{+1.73}_{-1.56})\%$ respectively. While for pure penguin decays $B^0\to \rho^0\phi\to(\pi^+\pi^-)(K^+K^-)$ and $B^+\to \rho^+\phi\to(\pi^+\pi^0)(K^+K^-)$, both the direct $CP$ asymmetries and ``true" TPAs are naturally expected to be zero in the standard model (SM). The ``fake" TPAs requiring no weak phase difference are usually none zero for all considered decay channels. The sizable ``fake" ${\cal A}^{1}_{\text{T-fake}}=(-20.92^{+6.26}_{-2.80})\%$ of the $B^0\to \rho^0\phi\to(\pi^+\pi^-)(K^+K^-)$ decay is predicted in the PQCD approach, which provides valuable information on the final-state interactions.Our predictions can be tested by the future experiments., Comment: 24 pages, 2 figures. arXiv admin note: text overlap with arXiv:2308.12543, arXiv:2204.01092, arXiv:2107.10684
- Published
- 2024
25. A Survey on Multimodal Wearable Sensor-based Human Action Recognition
- Author
-
Ni, Jianyuan, Tang, Hao, Haque, Syed Tousiful, Yan, Yan, and Ngu, Anne H. H.
- Subjects
Electrical Engineering and Systems Science - Signal Processing ,Computer Science - Machine Learning ,Computer Science - Multimedia - Abstract
The combination of increased life expectancy and falling birth rates is resulting in an aging population. Wearable Sensor-based Human Activity Recognition (WSHAR) emerges as a promising assistive technology to support the daily lives of older individuals, unlocking vast potential for human-centric applications. However, recent surveys in WSHAR have been limited, focusing either solely on deep learning approaches or on a single sensor modality. In real life, our human interact with the world in a multi-sensory way, where diverse information sources are intricately processed and interpreted to accomplish a complex and unified sensing system. To give machines similar intelligence, multimodal machine learning, which merges data from various sources, has become a popular research area with recent advancements. In this study, we present a comprehensive survey from a novel perspective on how to leverage multimodal learning to WSHAR domain for newcomers and researchers. We begin by presenting the recent sensor modalities as well as deep learning approaches in HAR. Subsequently, we explore the techniques used in present multimodal systems for WSHAR. This includes inter-multimodal systems which utilize sensor modalities from both visual and non-visual systems and intra-multimodal systems that simply take modalities from non-visual systems. After that, we focus on current multimodal learning approaches that have applied to solve some of the challenges existing in WSHAR. Specifically, we make extra efforts by connecting the existing multimodal literature from other domains, such as computer vision and natural language processing, with current WSHAR area. Finally, we identify the corresponding challenges and potential research direction in current WSHAR area for further improvement., Comment: Multimodal Survey for Wearable Sensor-based Human Action Recognition
- Published
- 2024
26. Reconciling the HESS J1731-347 constraints with Parity doublet model
- Author
-
Gao, Bikai, Yan, Yan, and Harada, Masayasu
- Subjects
Nuclear Theory - Abstract
The recent discovery of a central compact object (CCO) within the supernova remnant HESS J1731-347, characterized by a mass of approximately $0.77^{+0.20}_{-0.17} M_{\odot}$ and a radius of about $10.4^{+0.86}_{-0.78}$ km, has opened up a new window for the study of compact objects. This CCO is particularly intriguing because it is the lightest and smallest compact object ever observed, raising questions and challenging the existing theories. To account for this light compact star, a mean-field model within the framework of parity doublet structure is applied to describe the hadron matter. Inside the model, part of the nucleon mass is associated with the chiral symmetry breaking while the other part is from the chiral invariant mass $m_0$ which is insensitive to the temperature/density. The value of $m_0$ affects the nuclear equation of state for uniform nuclear matter at low density and exhibits strong correlations with the radii of neutron stars. We point out that HESS J1731-347 can be explained as the lightest neutron star for $m_0 \simeq 850$\,MeV.
- Published
- 2024
27. Versatile Navigation under Partial Observability via Value-guided Diffusion Policy
- Author
-
Zhang, Gengyu, Tang, Hao, and Yan, Yan
- Subjects
Computer Science - Robotics ,Computer Science - Artificial Intelligence - Abstract
Route planning for navigation under partial observability plays a crucial role in modern robotics and autonomous driving. Existing route planning approaches can be categorized into two main classes: traditional autoregressive and diffusion-based methods. The former often fails due to its myopic nature, while the latter either assumes full observability or struggles to adapt to unfamiliar scenarios, due to strong couplings with behavior cloning from experts. To address these deficiencies, we propose a versatile diffusion-based approach for both 2D and 3D route planning under partial observability. Specifically, our value-guided diffusion policy first generates plans to predict actions across various timesteps, providing ample foresight to the planning. It then employs a differentiable planner with state estimations to derive a value function, directing the agent's exploration and goal-seeking behaviors without seeking experts while explicitly addressing partial observability. During inference, our policy is further enhanced by a best-plan-selection strategy, substantially boosting the planning success rate. Moreover, we propose projecting point clouds, derived from RGB-D inputs, onto 2D grid-based bird-eye-view maps via semantic segmentation, generalizing to 3D environments. This simple yet effective adaption enables zero-shot transfer from 2D-trained policy to 3D, cutting across the laborious training for 3D policy, and thus certifying our versatility. Experimental results demonstrate our superior performance, particularly in navigating situations beyond expert demonstrations, surpassing state-of-the-art autoregressive and diffusion-based baselines for both 2D and 3D scenarios., Comment: 13 pages, 7 figures, CVPR 2024
- Published
- 2024
28. On the Faithfulness of Vision Transformer Explanations
- Author
-
Wu, Junyi, Kang, Weitai, Tang, Hao, Hong, Yuan, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
To interpret Vision Transformers, post-hoc explanations assign salience scores to input pixels, providing human-understandable heatmaps. However, whether these interpretations reflect true rationales behind the model's output is still underexplored. To address this gap, we study the faithfulness criterion of explanations: the assigned salience scores should represent the influence of the corresponding input pixels on the model's predictions. To evaluate faithfulness, we introduce Salience-guided Faithfulness Coefficient (SaCo), a novel evaluation metric leveraging essential information of salience distribution. Specifically, we conduct pair-wise comparisons among distinct pixel groups and then aggregate the differences in their salience scores, resulting in a coefficient that indicates the explanation's degree of faithfulness. Our explorations reveal that current metrics struggle to differentiate between advanced explanation methods and Random Attribution, thereby failing to capture the faithfulness property. In contrast, our proposed SaCo offers a reliable faithfulness measurement, establishing a robust metric for interpretations. Furthermore, our SaCo demonstrates that the use of gradient and multi-layer aggregation can markedly enhance the faithfulness of attention-based explanation, shedding light on potential paths for advancing Vision Transformer explainability., Comment: CVPR 2024
- Published
- 2024
29. LLaVA-PruMerge: Adaptive Token Reduction for Efficient Large Multimodal Models
- Author
-
Shang, Yuzhang, Cai, Mu, Xu, Bingxin, Lee, Yong Jae, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Artificial Intelligence ,Computer Science - Computation and Language - Abstract
Large Multimodal Models (LMMs) have shown significant visual reasoning capabilities by connecting a visual encoder and a large language model. LMMs typically take in a fixed and large amount of visual tokens, such as the penultimate layer features in the CLIP visual encoder, as the prefix content. Recent LMMs incorporate more complex visual inputs, such as high-resolution images and videos, which further increases the number of visual tokens significantly. However, due to the inherent design of the Transformer architecture, the computational costs of these models tend to increase quadratically with the number of input tokens. To tackle this problem, we explore a token reduction mechanism that identifies significant spatial redundancy among visual tokens. In response, we propose PruMerge, a novel adaptive visual token reduction strategy that significantly reduces the number of visual tokens without compromising the performance of LMMs. Specifically, to metric the importance of each token, we exploit the sparsity observed in the visual encoder, characterized by the sparse distribution of attention scores between the class token and visual tokens. This sparsity enables us to dynamically select the most crucial visual tokens to retain. Subsequently, we cluster the selected (unpruned) tokens based on their key similarity and merge them with the unpruned tokens, effectively supplementing and enhancing their informational content. Empirically, when applied to LLaVA-1.5, our approach can compress the visual tokens by 14 times on average, and achieve comparable performance across diverse visual question-answering and reasoning tasks. Code and checkpoints are at https://llava-prumerge.github.io/., Comment: Project page: https://llava-prumerge.github.io/
- Published
- 2024
30. Token Transformation Matters: Towards Faithful Post-hoc Explanation for Vision Transformer
- Author
-
Wu, Junyi, Duan, Bin, Kang, Weitai, Tang, Hao, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
While Transformers have rapidly gained popularity in various computer vision applications, post-hoc explanations of their internal mechanisms remain largely unexplored. Vision Transformers extract visual information by representing image regions as transformed tokens and integrating them via attention weights. However, existing post-hoc explanation methods merely consider these attention weights, neglecting crucial information from the transformed tokens, which fails to accurately illustrate the rationales behind the models' predictions. To incorporate the influence of token transformation into interpretation, we propose TokenTM, a novel post-hoc explanation method that utilizes our introduced measurement of token transformation effects. Specifically, we quantify token transformation effects by measuring changes in token lengths and correlations in their directions pre- and post-transformation. Moreover, we develop initialization and aggregation rules to integrate both attention weights and token transformation effects across all layers, capturing holistic token contributions throughout the model. Experimental results on segmentation and perturbation tests demonstrate the superiority of our proposed TokenTM compared to state-of-the-art Vision Transformer explanation methods., Comment: CVPR 2024
- Published
- 2024
31. MaskSAM: Towards Auto-prompt SAM with Mask Classification for Medical Image Segmentation
- Author
-
Xie, Bin, Tang, Hao, Duan, Bin, Cai, Dawen, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Segment Anything Model~(SAM), a prompt-driven foundation model for natural image segmentation, has demonstrated impressive zero-shot performance. However, SAM does not work when directly applied to medical image segmentation tasks, since SAM lacks the functionality to predict semantic labels for predicted masks and needs to provide extra prompts, such as points or boxes, to segment target regions. Meanwhile, there is a huge gap between 2D natural images and 3D medical images, so the performance of SAM is imperfect for medical image segmentation tasks. Following the above issues, we propose MaskSAM, a novel mask classification prompt-free SAM adaptation framework for medical image segmentation. We design a prompt generator combined with the image encoder in SAM to generate a set of auxiliary classifier tokens, auxiliary binary masks, and auxiliary bounding boxes. Each pair of auxiliary mask and box prompts, which can solve the requirements of extra prompts, is associated with class label predictions by the sum of the auxiliary classifier token and the learnable global classifier tokens in the mask decoder of SAM to solve the predictions of semantic labels. Meanwhile, we design a 3D depth-convolution adapter for image embeddings and a 3D depth-MLP adapter for prompt embeddings. We inject one of them into each transformer block in the image encoder and mask decoder to enable pre-trained 2D SAM models to extract 3D information and adapt to 3D medical images. Our method achieves state-of-the-art performance on AMOS2022, 90.52% Dice, which improved by 2.7% compared to nnUNet. Our method surpasses nnUNet by 1.7% on ACDC and 1.0% on Synapse datasets.
- Published
- 2024
32. FBPT: A Fully Binary Point Transformer
- Author
-
Hou, Zhixing, Shang, Yuzhang, and Yan, Yan
- Subjects
Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Artificial Intelligence - Abstract
This paper presents a novel Fully Binary Point Cloud Transformer (FBPT) model which has the potential to be widely applied and expanded in the fields of robotics and mobile devices. By compressing the weights and activations of a 32-bit full-precision network to 1-bit binary values, the proposed binary point cloud Transformer network significantly reduces the storage footprint and computational resource requirements of neural network models for point cloud processing tasks, compared to full-precision point cloud networks. However, achieving a fully binary point cloud Transformer network, where all parts except the modules specific to the task are binary, poses challenges and bottlenecks in quantizing the activations of Q, K, V and self-attention in the attention module, as they do not adhere to simple probability distributions and can vary with input data. Furthermore, in our network, the binary attention module undergoes a degradation of the self-attention module due to the uniform distribution that occurs after the softmax operation. The primary focus of this paper is on addressing the performance degradation issue caused by the use of binary point cloud Transformer modules. We propose a novel binarization mechanism called dynamic-static hybridization. Specifically, our approach combines static binarization of the overall network model with fine granularity dynamic binarization of data-sensitive components. Furthermore, we make use of a novel hierarchical training scheme to obtain the optimal model and binarization parameters. These above improvements allow the proposed binarization method to outperform binarization methods applied to convolution neural networks when used in point cloud Transformer structures. To demonstrate the superiority of our algorithm, we conducted experiments on two different tasks: point cloud classification and place recognition., Comment: Accepted to ICRA 2024. arXiv admin note: substantial text overlap with arXiv:2303.01166
- Published
- 2024
33. Online Multi-spectral Neuron Tracing
- Author
-
Duan, Bin, Shang, Yuzhang, Cai, Dawen, and Yan, Yan
- Subjects
Quantitative Biology - Neurons and Cognition ,Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Machine Learning - Abstract
In this paper, we propose an online multi-spectral neuron tracing method with uniquely designed modules, where no offline training are required. Our method is trained online to update our enhanced discriminative correlation filter to conglutinate the tracing process. This distinctive offline-training-free schema differentiates us from other training-dependent tracing approaches like deep learning methods since no annotation is needed for our method. Besides, compared to other tracing methods requiring complicated set-up such as for clustering and graph multi-cut, our approach is much easier to be applied to new images. In fact, it only needs a starting bounding box of the tracing neuron, significantly reducing users' configuration effort. Our extensive experiments show that our training-free and easy-configured methodology allows fast and accurate neuron reconstructions in multi-spectral images.
- Published
- 2024
34. Event-triggered based predefined-time tracking control for robotic manipulators with state and input quantization
- Author
-
Jiang, Tao, Yan, Yan, Yu, Shuanghe, Li, Tieshan, and Sang, Hong
- Published
- 2024
- Full Text
- View/download PDF
35. Incidence and risk factors for cardiac rupture after ST-segment elevation myocardial infarction in contemporary era: findings from the improving care for cardiovascular disease in China-Acute Coronary Syndrome project
- Author
-
Yang, Na, Zhao, Wenlong, Hao, Yongchen, Liu, Jun, Liu, Jing, Zhao, Xuedong, Yan, Yan, Nie, Shaoping, and Gong, Wei
- Published
- 2024
- Full Text
- View/download PDF
36. Lateral Shear Stress Calculation Model Based on Flow Velocity Field Distribution from Experimental Debris Flows
- Author
-
Yan, Yan, Wang, Renhe, Xiong, Guanglin, Feng, Hanlu, Xiang, Bin, Hu, Sheng, Wang, Xinglu, and Lei, Yu
- Published
- 2024
- Full Text
- View/download PDF
37. Biofabrication and biomanufacturing in Ireland and the UK
- Author
-
Murphy, Jack F., Lavelle, Martha, Asciak, Lisa, Burdis, Ross, Levis, Hannah J., Ligorio, Cosimo, McGuire, Jamie, Polleres, Marlene, Smith, Poppy O., Tullie, Lucinda, Uribe-Gomez, Juan, Chen, Biqiong, Dawson, Jonathan I., Gautrot, Julien E., Hooper, Nigel M., Kelly, Daniel J., Li, Vivian S. W., Mata, Alvaro, Pandit, Abhay, Phillips, James B., Shu, Wenmiao, Stevens, Molly M., Williams, Rachel L., Armstrong, James P. K., and Huang, Yan Yan Shery
- Published
- 2024
- Full Text
- View/download PDF
38. Research progress of health education for adolescents based on CiteSpace analysis
- Author
-
Gao, Juan, Li, Jianyi, Geng, Yuqing, and Yan, Yan
- Published
- 2024
- Full Text
- View/download PDF
39. Ehbp1 orchestrates orderly sorting of Wnt/Wingless to the basolateral and apical cell membranes
- Author
-
Gao, Yuan, Feng, Jing, Zhang, Yansong, Yi, Mengyuan, Zhang, Lebing, Yan, Yan, Zhu, Alan Jian, and Liu, Min
- Published
- 2024
- Full Text
- View/download PDF
40. Genome-wide identification, characterization, and expression analysis of the gibberellin-20-oxidase gene family in Artemisia annua L.
- Author
-
Meng, Ying, Cai, Lin, Liang, Dongrui, Cao, Mengzhu, Yan, Yan, Peng, Lanhua, He, Wenrui, and Shen, Xiaofeng
- Published
- 2024
- Full Text
- View/download PDF
41. Ruthenium-iridium alloyed oxides with remarkable catalytic stability for proton exchange membrane water electrolysis at industrial current density
- Author
-
Huang, Ting, Bian, Ze-Nan, Wei, Cong, Huang, Tao, Wang, Yi-Fan, Liu, Zhao-Hui, Du, Xin-Yue, Lv, You-Ming, Fang, Yan-Yan, Fang, Ming, and Wang, Gong-Ming
- Published
- 2024
- Full Text
- View/download PDF
42. Anti-Inflammatory and Anti-Oxidant Impacts of Lentinan Combined with Probiotics in Ulcerative Colitis
- Author
-
You, CuiYu, Xing, JianFeng, Sun, JinYao, Zhang, Di, Yan, Yan, and Dong, YaLin
- Published
- 2024
- Full Text
- View/download PDF
43. Fixed-time sliding mode trajectory tracking control for marine surface vessels with input saturation and prescribed performance constraints
- Author
-
Zhang, Jingqi, Yu, Shuanghe, Yan, Yan, and Zhao, Ying
- Published
- 2024
- Full Text
- View/download PDF
44. Coupling Co2P nanoparticles onto N,P-doped biomass-derived carbon as efficient electrocatalysts for flexible Zn–air batteries
- Author
-
Li, Shu-Qi, Sun, Kang, Liu, Yan-Yan, Liu, Shu-Ling, Zhou, Jing-Jing, Zhang, Wen-Bo, Lu, Yi-Hang, Chen, Xiang-Meng, Wang, Xiao-Peng, Li, Bao-Jun, and Jiang, Jian-Chun
- Published
- 2024
- Full Text
- View/download PDF
45. Achieving high power factor in GaSb with intrinsically high mobility via Ge doping
- Author
-
Yan, Yan-Ci, Wang, Guo-Wei, Xiong, Qi-Hong, Lu, Xu, Chen, Peng, Zou, Wei, Li, Deng-Feng, Wu, Hong, Zhou, Yun, and Zhou, Xiao-Yuan
- Published
- 2024
- Full Text
- View/download PDF
46. Treatment benefit of electrochemotherapy for superficial squamous cell carcinoma: a systematic review and single-arm meta-analysis
- Author
-
Wu, Zhuoxia, Tao, Chen, Yang, Liehao, Yan, Yan, Pan, Lingfeng, and Zhang, Lianbo
- Published
- 2024
- Full Text
- View/download PDF
47. A new [SiMo12O40]4−-based metal organic framework: synthesis, structure, photo-/electro-catalytic and absorption properties
- Author
-
Geng, Jia-Qi, Lu, Yang, Yang, Lu, Jiang, Xue, Huang, Lu-Kai, Qu, Xiao-Shu, Yang, Yan-Yan, Jin, Hua, Li, Xue-Mei, and Yu, Xiao-Yang
- Published
- 2024
- Full Text
- View/download PDF
48. Tauroursodeoxycholic acid targets HSP90 to promote protein homeostasis and extends healthy lifespan
- Author
-
Liu, Jia-Yu, Wang, Yao, Guo, Yue, Zheng, Run-Qi, Wang, Yun-Ying, Shen, Yan-Yan, Liu, Yan-Hong, Cao, Ai-Ping, Wang, Rui-Bo, Xie, Bo-Yang, Jiang, Shuai, Han, Qiu-Ying, Chen, Jing, Dong, Fang-Ting, He, Kun, Wang, Na, Pan, Xin, Li, Tao, Zhou, Tao, Li, Ai-Ling, Xia, Qing, and Zhang, Wei-Na
- Published
- 2024
- Full Text
- View/download PDF
49. Association between serum potassium, risk and prognosis of peritonitis in peritoneal dialysis patients - results from the Peritoneal Dialysis Telemedicine-assisted Platform Cohort (PDTAP) Study
- Author
-
Wang, Zi, Ma, Xiaoying, Li, Shaomei, Pei, Huaying, Zhao, Jinghong, Zhang, Ying, Xiong, Zibo, Liao, Yumei, Li, Ying, Lin, Qiongzhen, Hu, Wenbo, Li, Yulin, Zheng, Zhaoxia, Duan, Liping, Fu, Gang, Guo, Shanshan, Zhang, Beiru, Yu, Rui, Hao, Li, Liu, Guiling, Zhao, Zhanzheng, Xiao, Jing, Shen, Yulan, Zhang, Yong, Du, Xuanyi, Ji, Tianrong, Wang, Caili, Deng, Lirong, Yue, Yingli, Chen, Shanshan, Ma, Zhigang, Li, Yingping, Zuo, Li, Zhao, Huiping, Zhang, Xianchao, Wang, Xuejian, Liu, Yirong, Gao, Xinying, Chen, Xiaoli, Li, Hongyi, Du, Shutong, Zhao, Cui, Xu, Zhonggao, Zhang, Li, Chen, Hongyu, Li, Li, Wang, Lihua, Yan, Yan, Ma, Yingchun, Wei, Yuanyuan, Zhou, Jingwei, Li, Yan, Sun, Fuyun, and Dong, Jie
- Published
- 2024
- Full Text
- View/download PDF
50. Rational design and structural regulation of near-infrared silver chalcogenide quantum dots
- Author
-
Liu, Zhen-Ya, Zhao, Wei, Chen, Li-Ming, Chen, Yan-Yan, Wang, Zhi-Gang, Liu, An-An, and Pang, Dai-Wen
- Published
- 2024
- Full Text
- View/download PDF
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.