22,138 results on '"Xu, Bo"'
Search Results
2. Unveiling the Capabilities of Large Language Models in Detecting Offensive Language with Annotation Disagreement
- Author
-
Lu, Junyu, Ma, Kai, Wang, Kaichun, Xiao, Kelaiti, Lee, Roy Ka-Wei, Xu, Bo, Yang, Liang, and Lin, Hongfei
- Subjects
Computer Science - Computation and Language ,Computer Science - Artificial Intelligence - Abstract
Large Language Models (LLMs) have become essential for offensive language detection, yet their ability to handle annotation disagreement remains underexplored. Disagreement samples, which arise from subjective interpretations, pose a unique challenge due to their ambiguous nature. Understanding how LLMs process these cases, particularly their confidence levels, can offer insight into their alignment with human annotators. This study systematically evaluates the performance of multiple LLMs in detecting offensive language at varying levels of annotation agreement. We analyze binary classification accuracy, examine the relationship between model confidence and human disagreement, and explore how disagreement samples influence model decision-making during few-shot learning and instruction fine-tuning. Our findings reveal that LLMs struggle with low-agreement samples, often exhibiting overconfidence in these ambiguous cases. However, utilizing disagreement samples in training improves both detection accuracy and model alignment with human judgment. These insights provide a foundation for enhancing LLM-based offensive language detection in real-world moderation tasks., Comment: 17 pages, submitted to the ACL 2025
- Published
- 2025
3. Episodic Novelty Through Temporal Distance
- Author
-
Jiang, Yuhua, Liu, Qihan, Yang, Yiqin, Ma, Xiaoteng, Zhong, Dianyu, Hu, Hao, Yang, Jun, Liang, Bin, Xu, Bo, Zhang, Chongjie, and Zhao, Qianchuan
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence - Abstract
Exploration in sparse reward environments remains a significant challenge in reinforcement learning, particularly in Contextual Markov Decision Processes (CMDPs), where environments differ across episodes. Existing episodic intrinsic motivation methods for CMDPs primarily rely on count-based approaches, which are ineffective in large state spaces, or on similarity-based methods that lack appropriate metrics for state comparison. To address these shortcomings, we propose Episodic Novelty Through Temporal Distance (ETD), a novel approach that introduces temporal distance as a robust metric for state similarity and intrinsic reward computation. By employing contrastive learning, ETD accurately estimates temporal distances and derives intrinsic rewards based on the novelty of states within the current episode. Extensive experiments on various benchmark tasks demonstrate that ETD significantly outperforms state-of-the-art methods, highlighting its effectiveness in enhancing exploration in sparse reward CMDPs., Comment: ICLR2025
- Published
- 2025
4. Triple Path Enhanced Neural Architecture Search for Multimodal Fake News Detection
- Author
-
Xu, Bo, Xie, Qiujie, Zhou, Jiahui, and Zong, Linlin
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Multimodal fake news detection has become one of the most crucial issues on social media platforms. Although existing methods have achieved advanced performance, two main challenges persist: (1) Under-performed multimodal news information fusion due to model architecture solidification, and (2) weak generalization ability on partial-modality contained fake news. To meet these challenges, we propose a novel and flexible triple path enhanced neural architecture search model MUSE. MUSE includes two dynamic paths for detecting partial-modality contained fake news and a static path for exploiting potential multimodal correlations. Experimental results show that MUSE achieves stable performance improvement over the baselines., Comment: IEEE International Conference on Acoustics, Speech, and Signal Processing(ICASSP 2025)
- Published
- 2025
5. AdaptiveLog: An Adaptive Log Analysis Framework with the Collaboration of Large and Small Language Model
- Author
-
Ma, Lipeng, Yang, Weidong, Li, Yixuan, Fei, Ben, Zhou, Mingjie, Li, Shuhao, Jiang, Sihang, Xu, Bo, and Xiao, Yanghua
- Subjects
Computer Science - Software Engineering ,Computer Science - Artificial Intelligence ,Computer Science - Computation and Language - Abstract
Automated log analysis is crucial to ensure high availability and reliability of complex systems. The advent of LLMs in NLP has ushered in a new era of language model-driven automated log analysis, garnering significant interest. Within this field, two primary paradigms based on language models for log analysis have become prominent. Small Language Models (SLMs) follow the pre-train and fine-tune paradigm, focusing on the specific log analysis task through fine-tuning on supervised datasets. On the other hand, LLMs following the in-context learning paradigm, analyze logs by providing a few examples in prompt contexts without updating parameters. Despite their respective strengths, we notice that SLMs are more cost-effective but less powerful, whereas LLMs with large parameters are highly powerful but expensive and inefficient. To trade-off between the performance and inference costs of both models in automated log analysis, this paper introduces an adaptive log analysis framework known as AdaptiveLog, which effectively reduces the costs associated with LLM while ensuring superior results. This framework collaborates an LLM and a small language model, strategically allocating the LLM to tackle complex logs while delegating simpler logs to the SLM. Specifically, to efficiently query the LLM, we propose an adaptive selection strategy based on the uncertainty estimation of the SLM, where the LLM is invoked only when the SLM is uncertain. In addition, to enhance the reasoning ability of the LLM in log analysis tasks, we propose a novel prompt strategy by retrieving similar error-prone cases as the reference, enabling the model to leverage past error experiences and learn solutions from these cases. Extensive experiments demonstrate that AdaptiveLog achieves state-of-the-art results across different tasks, elevating the overall accuracy of log analysis while maintaining cost efficiency.
- Published
- 2025
6. $\beta$-DQN: Improving Deep Q-Learning By Evolving the Behavior
- Author
-
Zhang, Hongming, Bai, Fengshuo, Xiao, Chenjun, Gao, Chao, Xu, Bo, and Müller, Martin
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence - Abstract
While many sophisticated exploration methods have been proposed, their lack of generality and high computational cost often lead researchers to favor simpler methods like $\epsilon$-greedy. Motivated by this, we introduce $\beta$-DQN, a simple and efficient exploration method that augments the standard DQN with a behavior function $\beta$. This function estimates the probability that each action has been taken at each state. By leveraging $\beta$, we generate a population of diverse policies that balance exploration between state-action coverage and overestimation bias correction. An adaptive meta-controller is designed to select an effective policy for each episode, enabling flexible and explainable exploration. $\beta$-DQN is straightforward to implement and adds minimal computational overhead to the standard DQN. Experiments on both simple and challenging exploration domains show that $\beta$-DQN outperforms existing baseline methods across a wide range of tasks, providing an effective solution for improving exploration in deep reinforcement learning.
- Published
- 2025
7. Haploid Culture and Double Haploid Induction in Medicago sativa L. cv. XinJiangDaYe
- Author
-
Xu, Bo, Wu, Rina, Tang, Fang, Gao, Cuiping, Gao, Xia, and Shi, Fengling
- Published
- 2021
- Full Text
- View/download PDF
8. Spike2Former: Efficient Spiking Transformer for High-performance Image Segmentation
- Author
-
Lei, Zhenxin, Yao, Man, Hu, Jiakui, Luo, Xinhao, Lu, Yanye, Xu, Bo, and Li, Guoqi
- Subjects
Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Artificial Intelligence ,Computer Science - Neural and Evolutionary Computing - Abstract
Spiking Neural Networks (SNNs) have a low-power advantage but perform poorly in image segmentation tasks. The reason is that directly converting neural networks with complex architectural designs for segmentation tasks into spiking versions leads to performance degradation and non-convergence. To address this challenge, we first identify the modules in the architecture design that lead to the severe reduction in spike firing, make targeted improvements, and propose Spike2Former architecture. Second, we propose normalized integer spiking neurons to solve the training stability problem of SNNs with complex architectures. We set a new state-of-the-art for SNNs in various semantic segmentation datasets, with a significant improvement of +12.7% mIoU and 5.0 efficiency on ADE20K, +14.3% mIoU and 5.2 efficiency on VOC2012, and +9.1% mIoU and 6.6 efficiency on CityScapes., Comment: This work has been accepted on Association for the Advancement of Artificial Intelligence 2025
- Published
- 2024
9. Efficient 3D Recognition with Event-driven Spike Sparse Convolution
- Author
-
Qiu, Xuerui, Yao, Man, Zhang, Jieyuan, Chou, Yuhong, Qiao, Ning, Zhou, Shibo, Xu, Bo, and Li, Guoqi
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Spiking Neural Networks (SNNs) provide an energy-efficient way to extract 3D spatio-temporal features. Point clouds are sparse 3D spatial data, which suggests that SNNs should be well-suited for processing them. However, when applying SNNs to point clouds, they often exhibit limited performance and fewer application scenarios. We attribute this to inappropriate preprocessing and feature extraction methods. To address this issue, we first introduce the Spike Voxel Coding (SVC) scheme, which encodes the 3D point clouds into a sparse spike train space, reducing the storage requirements and saving time on point cloud preprocessing. Then, we propose a Spike Sparse Convolution (SSC) model for efficiently extracting 3D sparse point cloud features. Combining SVC and SSC, we design an efficient 3D SNN backbone (E-3DSNN), which is friendly with neuromorphic hardware. For instance, SSC can be implemented on neuromorphic chips with only minor modifications to the addressing function of vanilla spike convolution. Experiments on ModelNet40, KITTI, and Semantic KITTI datasets demonstrate that E-3DSNN achieves state-of-the-art (SOTA) results with remarkable efficiency. Notably, our E-3DSNN (1.87M) obtained 91.7\% top-1 accuracy on ModelNet40, surpassing the current best SNN baselines (14.3M) by 3.0\%. To our best knowledge, it is the first direct training 3D SNN backbone that can simultaneously handle various 3D computer vision tasks (e.g., classification, detection, and segmentation) with an event-driven nature. Code is available: https://github.com/bollossom/E-3DSNN/., Comment: Accepted by AAAI 2025
- Published
- 2024
10. Learnable Infinite Taylor Gaussian for Dynamic View Rendering
- Author
-
Hu, Bingbing, Li, Yanyan, Xie, Rui, Xu, Bo, Dong, Haoye, Yao, Junfeng, and Lee, Gim Hee
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Capturing the temporal evolution of Gaussian properties such as position, rotation, and scale is a challenging task due to the vast number of time-varying parameters and the limited photometric data available, which generally results in convergence issues, making it difficult to find an optimal solution. While feeding all inputs into an end-to-end neural network can effectively model complex temporal dynamics, this approach lacks explicit supervision and struggles to generate high-quality transformation fields. On the other hand, using time-conditioned polynomial functions to model Gaussian trajectories and orientations provides a more explicit and interpretable solution, but requires significant handcrafted effort and lacks generalizability across diverse scenes. To overcome these limitations, this paper introduces a novel approach based on a learnable infinite Taylor Formula to model the temporal evolution of Gaussians. This method offers both the flexibility of an implicit network-based approach and the interpretability of explicit polynomial functions, allowing for more robust and generalizable modeling of Gaussian dynamics across various dynamic scenes. Extensive experiments on dynamic novel view rendering tasks are conducted on public datasets, demonstrating that the proposed method achieves state-of-the-art performance in this domain. More information is available on our project page(https://ellisonking.github.io/TaylorGaussian).
- Published
- 2024
11. Synthesis of metalloborophene nanoribbons on Cu(110)
- Author
-
Weng, Xiao-Ji, Zhu, Yi, Xu, Ying, Bai, Jie, Zhang, Zhuhua, Xu, Bo, Zhou, Xiang-Feng, and Tian, Yongjun
- Subjects
Condensed Matter - Materials Science ,Physics - Chemical Physics - Abstract
Metalloborophene, characterized by the presence of metal-centered boron wheels denoted as M\c{opyright}Bn, has garnered considerable attention in recent years due to its versatile properties and potential applications in fields such as electronics, spintronics, and catalysis. However, the experimental verification of metalloborophene has been challenging, mainly due to the unconventional two-dimensional (2D) boron networks. In this study, we employ scanning tunneling microscopy, X-ray photoelectron spectroscopy, low energy electron diffraction, and first-principles calculations to unveil Cu\c{opyright}B8 metalloborophene nanoribbons formed via spontaneous alloying after the deposition of boron on a heated Cu(110) substrate under ultrahigh vacuum condition. The thermodynamically preferred precursor, the anchoring of boron network to metal atoms, and anisotropic lattice mismatch are identified as pivotal factors in the formation of these metalloborophene nanoribbons. This discovery expands the repertoire of 2D materials and offers a potential pathway for the synthesis of other metalloborophenes., Comment: 4 figures
- Published
- 2024
- Full Text
- View/download PDF
12. Scaling Spike-driven Transformer with Efficient Spike Firing Approximation Training
- Author
-
Yao, Man, Qiu, Xuerui, Hu, Tianxiang, Hu, Jiakui, Chou, Yuhong, Tian, Keyu, Liao, Jianxing, Leng, Luziwei, Xu, Bo, and Li, Guoqi
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
The ambition of brain-inspired Spiking Neural Networks (SNNs) is to become a low-power alternative to traditional Artificial Neural Networks (ANNs). This work addresses two major challenges in realizing this vision: the performance gap between SNNs and ANNs, and the high training costs of SNNs. We identify intrinsic flaws in spiking neurons caused by binary firing mechanisms and propose a Spike Firing Approximation (SFA) method using integer training and spike-driven inference. This optimizes the spike firing pattern of spiking neurons, enhancing efficient training, reducing power consumption, improving performance, enabling easier scaling, and better utilizing neuromorphic chips. We also develop an efficient spike-driven Transformer architecture and a spike-masked autoencoder to prevent performance degradation during SNN scaling. On ImageNet-1k, we achieve state-of-the-art top-1 accuracy of 78.5\%, 79.8\%, 84.0\%, and 86.2\% with models containing 10M, 19M, 83M, and 173M parameters, respectively. For instance, the 10M model outperforms the best existing SNN by 7.2\% on ImageNet, with training time acceleration and inference energy efficiency improved by 4.5$\times$ and 3.9$\times$, respectively. We validate the effectiveness and efficiency of the proposed method across various tasks, including object detection, semantic segmentation, and neuromorphic vision tasks. This work enables SNNs to match ANN performance while maintaining the low-power advantage, marking a significant step towards SNNs as a general visual backbone. Code is available at https://github.com/BICLab/Spike-Driven-Transformer-V3.
- Published
- 2024
- Full Text
- View/download PDF
13. Cooperative quantum interface for noise mitigation in quantum networks
- Author
-
Zhang, Yan-Lei, Li, Ming, Xu, Xin-Biao, Dong, Chun-Hua, Guo, Guang-Can, Xiang, Ze-Liang, Zou, Chang-Ling, and Zou, and Xu-Bo
- Subjects
Quantum Physics - Abstract
Quantum frequency converters that enable the interface between the itinerant photons and qubits are indispensable for realizing long-distance quantum network. However, the cascaded connection between converters and qubits usually brings additional insertion loss and intermediate noises. Here, we propose a cooperative quantum interface (CQI) that integrates the converter and qubit coupling into a single device for efficient long-distance entanglement generation. Compared to traditional cascaded systems, our scheme offers several advantages, including compactness, reduced insertion loss, and suppression of noise from intermediate modes. We prove the excellent performance over the separated devices by about two orders of magnitude for the entangled infidelity of two remote nodes. Moreover, we discuss an extended scheme for multiple remote nodes, revealing an exponential advantage in performance as the number of nodes increases. The cooperative effect is universal that can be further applied to multifunctional integrated quantum devices. This work opens up novel prospects for quantum networks, distributed quantum computing, and sensing., Comment: 7 pages, 3 figures
- Published
- 2024
14. Fundamental limits of free-space microwave-to-optical frequency conversion efficiency using Rydberg atoms
- Author
-
Lv, Ya-Nan, Zhang, Yan-Lei, Zou, Xu-Bo, Guo, Guang-Can, Hu, Shui-Ming, and Zou, Chang-Ling
- Subjects
Quantum Physics - Abstract
Efficient microwave-to-optical frequency conversion (MOC) is crucial for applications such as radiometry, electrometry, quantum microwave illumination and quantum networks. Rydberg atoms provide a unique platform for realizing free-space MOC, promising wide-bandwidth, scalable, and flexible quantum interfaces. Here, we develop a theoretical framework to evaluate the system conversion efficiency, accounting for the mismatch between microwave and optical wavelengths comparing with the atomic ensemble size. Our analysis reveals that the conversion efficiency is fundamentally limited by the focusing of the free-space microwave field, with an upper bound of about 3/16 for diffraction-limited focusing. We propose using a microwave near-field antenna to overcome this limit. Our work provides a foundation for assessing and optimizing free-space MOC, paving the way for a variety of applications based on free-space MOC., Comment: 6 pages, 4 figures
- Published
- 2024
15. MetaLA: Unified Optimal Linear Approximation to Softmax Attention Map
- Author
-
Chou, Yuhong, Yao, Man, Wang, Kexin, Pan, Yuqi, Zhu, Ruijie, Zhong, Yiran, Qiao, Yu, Wu, Jibin, Xu, Bo, and Li, Guoqi
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence - Abstract
Various linear complexity models, such as Linear Transformer (LinFormer), State Space Model (SSM), and Linear RNN (LinRNN), have been proposed to replace the conventional softmax attention in Transformer structures. However, the optimal design of these linear models is still an open question. In this work, we attempt to answer this question by finding the best linear approximation to softmax attention from a theoretical perspective. We start by unifying existing linear complexity models as the linear attention form and then identify three conditions for the optimal linear attention design: 1) Dynamic memory ability; 2) Static approximation ability; 3) Least parameter approximation. We find that none of the current linear models meet all three conditions, resulting in suboptimal performance. Instead, we propose Meta Linear Attention (MetaLA) as a solution that satisfies these conditions. Our experiments on Multi-Query Associative Recall (MQAR) task, language modeling, image classification, and Long-Range Arena (LRA) benchmark demonstrate that MetaLA is more effective than the existing linear models.
- Published
- 2024
16. In-situ Self-optimization of Quantum Dot Emission for Lasers by Machine-Learning Assisted Epitaxy
- Author
-
Shen, Chao, Zhan, Wenkang, Pan, Shujie, Hao, Hongyue, Zhuo, Ning, Xin, Kaiyao, Cong, Hui, Xu, Chi, Xu, Bo, Ng, Tien Khee, Chen, Siming, Xue, Chunlai, Liu, Fengqi, Wang, Zhanguo, and Zhao, Chao
- Subjects
Condensed Matter - Mesoscale and Nanoscale Physics ,Computer Science - Machine Learning - Abstract
Traditional methods for optimizing light source emissions rely on a time-consuming trial-and-error approach. While in-situ optimization of light source gain media emission during growth is ideal, it has yet to be realized. In this work, we integrate in-situ reflection high-energy electron diffraction (RHEED) with machine learning (ML) to correlate the surface reconstruction with the photoluminescence (PL) of InAs/GaAs quantum dots (QDs), which serve as the active region of lasers. A lightweight ResNet-GLAM model is employed for the real-time processing of RHEED data as input, enabling effective identification of optical performance. This approach guides the dynamic optimization of growth parameters, allowing real-time feedback control to adjust the QDs emission for lasers. We successfully optimized InAs QDs on GaAs substrates, with a 3.2-fold increase in PL intensity and a reduction in full width at half maximum (FWHM) from 36.69 meV to 28.17 meV under initially suboptimal growth conditions. Our automated, in-situ self-optimized lasers with 5-layer InAs QDs achieved electrically pumped continuous-wave operation at 1240 nm with a low threshold current of 150 A/cm2 at room temperature, an excellent performance comparable to samples grown through traditional manual multi-parameter optimization methods. These results mark a significant step toward intelligent, low-cost, and reproductive light emitters production., Comment: 5 figures
- Published
- 2024
17. Proposal of quantum repeater architecture based on Rydberg atom quantum processors
- Author
-
Zhang, Yan-Lei, Jie, Qing-Xuan, Li, Ming, Wu, Shu-Hao, Wang, Zhu-Bo, Zou, Xu-Bo, Zhang, Peng-Fei, Li, Gang, Zhang, Tiancai, Guo, Guang-Can, and Zou, Chang-Ling
- Subjects
Quantum Physics - Abstract
Realizing large-scale quantum networks requires the generation of high-fidelity quantum entanglement states between remote quantum nodes, a key resource for quantum communication, distributed computation and sensing applications. However, entanglement distribution between quantum network nodes is hindered by optical transmission loss and local operation errors. Here, we propose a novel quantum repeater architecture that synergistically integrates Rydberg atom quantum processors with optical cavities to overcome these challenges. Our scheme leverages cavity-mediated interactions for efficient remote entanglement generation, followed by Rydberg interaction-based entanglement purification and swapping. Numerical simulations, incorporating realistic experimental parameters, demonstrate the generation of Bell states with 99\% fidelity at rates of 1.1\,kHz between two nodes in local-area network (distance $0.1\,\mathrm{km}$), and can be extend to metropolitan-area ($25\,\mathrm{km}$) or intercity ($\mathrm{250\,\mathrm{km}}$, with the assitance of frequency converters) network with a rate of 0.1\,kHz. This scalable approach opens up near-term opportunities for exploring quantum network applications and investigating the advantages of distributed quantum information processing., Comment: 3 figures
- Published
- 2024
18. Improve Meta-learning for Few-Shot Text Classification with All You Can Acquire from the Tasks
- Author
-
Liu, Xinyue, Gao, Yunlong, Zong, Linlin, and Xu, Bo
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Meta-learning has emerged as a prominent technology for few-shot text classification and has achieved promising performance. However, existing methods often encounter difficulties in drawing accurate class prototypes from support set samples, primarily due to probable large intra-class differences and small inter-class differences within the task. Recent approaches attempt to incorporate external knowledge or pre-trained language models to augment data, but this requires additional resources and thus does not suit many few-shot scenarios. In this paper, we propose a novel solution to address this issue by adequately leveraging the information within the task itself. Specifically, we utilize label information to construct a task-adaptive metric space, thereby adaptively reducing the intra-class differences and magnifying the inter-class differences. We further employ the optimal transport technique to estimate class prototypes with query set samples together, mitigating the problem of inaccurate and ambiguous support set samples caused by large intra-class differences. We conduct extensive experiments on eight benchmark datasets, and our approach shows obvious advantages over state-of-the-art models across all the tasks on all the datasets. For reproducibility, all the datasets and codes are available at https://github.com/YvoGao/LAQDA., Comment: Accepted by EMNLP 2024 Findings
- Published
- 2024
19. Towards Comprehensive Detection of Chinese Harmful Memes
- Author
-
Lu, Junyu, Xu, Bo, Zhang, Xiaokun, Wang, Hongbo, Zhu, Haohao, Zhang, Dongyu, Yang, Liang, and Lin, Hongfei
- Subjects
Computer Science - Computation and Language ,Computer Science - Artificial Intelligence - Abstract
This paper has been accepted in the NeurIPS 2024 D & B Track. Harmful memes have proliferated on the Chinese Internet, while research on detecting Chinese harmful memes significantly lags behind due to the absence of reliable datasets and effective detectors. To this end, we focus on the comprehensive detection of Chinese harmful memes. We construct ToxiCN MM, the first Chinese harmful meme dataset, which consists of 12,000 samples with fine-grained annotations for various meme types. Additionally, we propose a baseline detector, Multimodal Knowledge Enhancement (MKE), incorporating contextual information of meme content generated by the LLM to enhance the understanding of Chinese memes. During the evaluation phase, we conduct extensive quantitative experiments and qualitative analyses on multiple baselines, including LLMs and our MKE. The experimental results indicate that detecting Chinese harmful memes is challenging for existing models while demonstrating the effectiveness of MKE. The resources for this paper are available at https://github.com/DUT-lujunyu/ToxiCN_MM.
- Published
- 2024
20. PclGPT: A Large Language Model for Patronizing and Condescending Language Detection
- Author
-
Wang, Hongbo, Li, Mingda, Lu, Junyu, Xia, Hebin, Yang, Liang, Xu, Bo, Liu, Ruizhu, and Lin, Hongfei
- Subjects
Computer Science - Computation and Language - Abstract
Disclaimer: Samples in this paper may be harmful and cause discomfort! Patronizing and condescending language (PCL) is a form of speech directed at vulnerable groups. As an essential branch of toxic language, this type of language exacerbates conflicts and confrontations among Internet communities and detrimentally impacts disadvantaged groups. Traditional pre-trained language models (PLMs) perform poorly in detecting PCL due to its implicit toxicity traits like hypocrisy and false sympathy. With the rise of large language models (LLMs), we can harness their rich emotional semantics to establish a paradigm for exploring implicit toxicity. In this paper, we introduce PclGPT, a comprehensive LLM benchmark designed specifically for PCL. We collect, annotate, and integrate the Pcl-PT/SFT dataset, and then develop a bilingual PclGPT-EN/CN model group through a comprehensive pre-training and supervised fine-tuning staircase process to facilitate implicit toxic detection. Group detection results and fine-grained detection from PclGPT and other models reveal significant variations in the degree of bias in PCL towards different vulnerable groups, necessitating increased societal attention to protect them., Comment: Accepted for EMNLP2024 (Findings)
- Published
- 2024
21. Multiscale fusion enhanced spiking neural network for invasive BCI neural signal decoding
- Author
-
Song, Yu, Han, Liyuan, Xu, Bo, and Zhang, Tielin
- Subjects
Computer Science - Neural and Evolutionary Computing ,Computer Science - Artificial Intelligence ,Quantitative Biology - Neurons and Cognition - Abstract
Brain-computer interfaces (BCIs) are an advanced fusion of neuroscience and artificial intelligence, requiring stable and long-term decoding of neural signals. Spiking Neural Networks (SNNs), with their neuronal dynamics and spike-based signal processing, are inherently well-suited for this task. This paper presents a novel approach utilizing a Multiscale Fusion enhanced Spiking Neural Network (MFSNN). The MFSNN emulates the parallel processing and multiscale feature fusion seen in human visual perception to enable real-time, efficient, and energy-conserving neural signal decoding. Initially, the MFSNN employs temporal convolutional networks and channel attention mechanisms to extract spatiotemporal features from raw data. It then enhances decoding performance by integrating these features through skip connections. Additionally, the MFSNN improves generalizability and robustness in cross-day signal decoding through mini-batch supervised generalization learning. In two benchmark invasive BCI paradigms, including the single-hand grasp-and-touch and center-and-out reach tasks, the MFSNN surpasses traditional artificial neural network methods, such as MLP and GRU, in both accuracy and computational efficiency. Moreover, the MFSNN's multiscale feature fusion framework is well-suited for the implementation on neuromorphic chips, offering an energy-efficient solution for online decoding of invasive BCI signals.
- Published
- 2024
22. Knowing When to Ask -- Bridging Large Language Models and Data
- Author
-
Radhakrishnan, Prashanth, Chen, Jennifer, Xu, Bo, Ramaswami, Prem, Pho, Hannah, Olmos, Adriana, Manyika, James, and Guha, R. V.
- Subjects
Computer Science - Computation and Language ,Computer Science - Information Retrieval - Abstract
Large Language Models (LLMs) are prone to generating factually incorrect information when responding to queries that involve numerical and statistical data or other timely facts. In this paper, we present an approach for enhancing the accuracy of LLMs by integrating them with Data Commons, a vast, open-source repository of public statistics from trusted organizations like the United Nations (UN), Center for Disease Control and Prevention (CDC) and global census bureaus. We explore two primary methods: Retrieval Interleaved Generation (RIG), where the LLM is trained to produce natural language queries to retrieve data from Data Commons, and Retrieval Augmented Generation (RAG), where relevant data tables are fetched from Data Commons and used to augment the LLM's prompt. We evaluate these methods on a diverse set of queries, demonstrating their effectiveness in improving the factual accuracy of LLM outputs. Our work represents an early step towards building more trustworthy and reliable LLMs that are grounded in verifiable statistical data and capable of complex factual reasoning., Comment: 39 pages - 25 page paper, 14 page Appendix, 7 figures, 9 tables
- Published
- 2024
23. Optical Spiking Neurons Enable High-Speed and Energy-Efficient Optical Neural Networks
- Author
-
Xu, Bo, Huang, Zefeng, Fang, Yuetong, Wang, Xin, Cheng, Bojun, Yu, Shaoliang, Wang, Zhongrui, and Xu, Renjing
- Subjects
Physics - Optics ,Physics - Computational Physics - Abstract
Optical neural networks (ONNs) perform extensive computations using photons instead of electrons, resulting in passively energy-efficient and low-latency computing. Among various ONNs, the diffractive optical neural networks (DONNs) particularly excel in energy efficiency, bandwidth, and parallelism, therefore attract considerable attention. However, their performance is limited by the inherent constraints of traditional frame-based sensors, which process and produce dense and redundant information at low operating frequency. Inspired by the spiking neurons in human neural system, which utilize a thresholding mechanism to transmit information sparsely and efficiently, we propose integrating a threshold-locking method into neuromorphic vision sensors to generate sparse and binary information, achieving microsecond-level accurate perception similar to human spiking neurons. By introducing novel Binary Dual Adaptive Training (BAT) and Optically Parallel Mixture of Experts (OPMoE) inference methods, the high-speed, spike-based diffractive optical neural network (S2NN) demonstrates an ultra-fast operating speed of 3649 FPS, which is 30 fold faster than that of reported DONNs, delivering a remarkable computational speed of 417.96 TOPS and a system energy efficiency of 12.6 TOPS/W. Our work demonstrates the potential of incorporating neuromorphic architecture to facilitate optical neural network applications in real-world scenarios for both low-level and high-level machine vision tasks.
- Published
- 2024
24. An innovation-based cycle-slip, multipath estimation, detection and mitigation method for tightly coupled GNSS/INS/Vision navigation in urban areas
- Author
-
Xu, Bo, Zhang, Shoujian, Wang, Jingrong, and Li, Jiancheng
- Subjects
Electrical Engineering and Systems Science - Systems and Control - Abstract
Precise, consistent, and reliable positioning is crucial for a multitude of uses. In order to achieve high precision global positioning services, multi-sensor fusion techniques, such as the Global Navigation Satellite System (GNSS)/Inertial Navigation System (INS)/Vision integration system, combine the strengths of various sensors. This technique is essential for localization in complex environments and has been widely used in the mass market. However, frequent signal deterioration and blocking in urban environments exacerbates the degradation of GNSS positioning and negatively impacts the performance of the multi-sensor integration system. For GNSS pseudorange and carrier phase observation data in the urban environment, we offer an innovation-based cycle slip/multipath estimation, detection, and mitigation (I-EDM) method to reduce the influence of multipath effects and cycle slips on location induced by obstruction in urban settings. The method obtains the innovations of GNSS observations with the cluster analysis method. Then the innovations are used to detect the cycle slips and multipath. Compared with the residual-based method, the innovation-based method avoids the residual overfitting caused by the least square method, resulting in better detection of outliers within the GNSS observations. The vehicle tests carried out in urban settings verify the proposed approach. Experimental results indicate that the accuracy of 0.23m, 0.11m, and 0.31m in the east, north and up components can be achieved by the GNSS/INS/Vision tightly coupled system with the I-EDM method, which has a maximum of 21.6% improvement when compared with the residual-based EDM (R-EDM) method.
- Published
- 2024
25. LUK: Empowering Log Understanding with Expert Knowledge from Large Language Models
- Author
-
Ma, Lipeng, Yang, Weidong, Jiang, Sihang, Fei, Ben, Zhou, Mingjie, Li, Shuhao, Zhao, Mingyu, Xu, Bo, and Xiao, Yanghua
- Subjects
Computer Science - Software Engineering ,Computer Science - Artificial Intelligence - Abstract
Logs play a critical role in providing essential information for system monitoring and troubleshooting. Recently, with the success of pre-trained language models (PLMs) and large language models (LLMs) in natural language processing (NLP), smaller PLMs (such as BERT) and LLMs (like GPT-4) have become the current mainstream approaches for log analysis. Despite the remarkable capabilities of LLMs, their higher cost and inefficient inference present significant challenges in leveraging the full potential of LLMs to analyze logs. In contrast, smaller PLMs can be fine-tuned for specific tasks even with limited computational resources, making them more practical. However, these smaller PLMs face challenges in understanding logs comprehensively due to their limited expert knowledge. To address the lack of expert knowledge and enhance log understanding for smaller PLMs, this paper introduces a novel and practical knowledge enhancement framework, called LUK, which acquires expert knowledge from LLMs automatically and then enhances the smaller PLM for log analysis with these expert knowledge. LUK can take full advantage of both types of models. Specifically, we design a multi-expert collaboration framework based on LLMs with different roles to acquire expert knowledge. In addition, we propose two novel pre-training tasks to enhance the log pre-training with expert knowledge. LUK achieves state-of-the-art results on different log analysis tasks and extensive experiments demonstrate expert knowledge from LLMs can be utilized more effectively to understand logs. Our source code and detailed experimental data are available at https://github.com/LeaperOvO/LUK., Comment: Under review
- Published
- 2024
26. Reuse and Blend: Energy-Efficient Optical Neural Network Enabled by Weight Sharing
- Author
-
Xu, Bo, Fang, Yuetong, Yu, Shaoliang, and Xu, Renjing
- Subjects
Computer Science - Hardware Architecture - Abstract
Optical neural networks (ONN) based on micro-ring resonators (MRR) have emerged as a promising alternative to significantly accelerating the massive matrix-vector multiplication (MVM) operations in artificial intelligence (AI) applications. However, the limited scale of MRR arrays presents a challenge for AI acceleration. The disparity between the small MRR arrays and the large weight matrices in AI necessitates extensive MRR writings, including reprogramming and calibration, resulting in considerable latency and energy overheads. To address this problem, we propose a novel design methodology to lessen the need for frequent weight reloading. Specifically, we propose a reuse and blend (R&B) architecture to support efficient layer-wise and block-wise weight sharing, which allows weights to be reused several times between layers/blocks. Experimental results demonstrate the R&B system can maintain comparable accuracy with 69% energy savings and 57% latency improvement. These results highlight the promise of the R&B to enable the efficient deployment of advanced deep learning models on photonic accelerators.
- Published
- 2024
27. Integrated photonic nonreciprocal devices based on susceptibility-programmable medium
- Author
-
Zhang, Yan-Lei, Li, Ming, Xu, Xin-Biao, Wang, Zhu-Bo, Dong, Chun-Hua, Guo, Guang-Can, Zou, Chang-Ling, and Zou, Xu-Bo
- Subjects
Physics - Optics - Abstract
The switching and control of optical fields based on nonlinear optical effects are often limited to relatively weak nonlinear susceptibility and strong optical pump fields. Here, an optical medium with programmable susceptibility tensor based on polarizable atoms is proposed. Under a structured optical pump, the ground state population of atoms could be efficiently controlled by tuning the chirality and intensity of optical fields, and thus the optical response of the medium is programmable in both space and time. We demonstrate the potential of this approach by engineering the spatial distribution of the complex susceptibility tensor of the medium in photonic structures to realize nonreciprocal optical effects. Specifically, we investigate the advantages of chiral interaction between atoms and photons in an atom-cladded waveguide, theoretically showing that reconfigurable, strong, and fastly switchable isolation of optical signals in a selected optical mode is possible. The susceptibility-programmable medium provides a promising way to efficiently control the optical field, opening up a wide range of applications for integrated photonic devices and structured optics., Comment: 7 pages, 4 figures
- Published
- 2024
28. Don't Click the Bait: Title Debiasing News Recommendation via Cross-Field Contrastive Learning
- Author
-
Shu, Yijie, Zhang, Xiaokun, Wu, Youlin, Xu, Bo, Yang, Liang, and Lin, Hongfei
- Subjects
Computer Science - Information Retrieval - Abstract
News recommendation emerges as a primary means for users to access content of interest from the vast amount of news. The title clickbait extensively exists in news domain and increases the difficulty for news recommendation to offer satisfactory services for users. Fortunately, we find that news abstract, as a critical field of news, aligns cohesively with the news authenticity. To this end, we propose a Title Debiasing News Recommendation with Cross-field Contrastive learning (TDNR-C2) to overcome the title bias by incorporating news abstract. Specifically, a multi-field knowledge extraction module is devised to extract multi-view knowledge about news from various fields. Afterwards, we present a cross-field contrastive learning module to conduct bias removal via contrasting learned knowledge from title and abstract fileds. Experimental results on a real-world dataset demonstrate the superiority of the proposed TDNR-C2 over existing state-of-the-art methods. Further analysis also indicates the significance of news abstract for title debiasing.
- Published
- 2024
29. SemiEpi: Self-driving, Closed-loop Multi-Step Growth of Semiconductor Heterostructures Guided by Machine Learning
- Author
-
Shen, Chao, Zhan, Wenkang, Xin, Kaiyao, Pan, Shujie, Cheng, Xiaotian, Liu, Ruixiang, Feng, Zhe, Jin, Chaoyuan, Cong, Hui, Xu, Chi, Xu, Bo, Ng, Tien Khee, Chen, Siming, Xue, Chunlai, Wang, Zhanguo, and Zhao, Chao
- Subjects
Condensed Matter - Materials Science ,Computer Science - Machine Learning ,Electrical Engineering and Systems Science - Systems and Control - Abstract
The semiconductor industry has prioritized automating repetitive tasks through closed-loop, self-driving experimentation, accelerating the optimization of complex multi-step processes. The emergence of machine learning (ML) has ushered in self-driving processes with minimal human intervention. This work introduces SemiEpi, a self-driving platform designed to execute molecular beam epitaxy (MBE) growth of semiconductor heterostructures through multi-step processes, in-situ monitoring, and on-the-fly feedback control. By integrating standard reactor, parameter initialization, and multiple ML models, SemiEpi identifies optimal initial conditions and proposes experiments for multi-step heterostructure growth, eliminating the need for extensive expertise in MBE processes. SemiEpi initializes material growth parameters tailored to specific material characteristics, and fine-tuned control over the growth process is then achieved through ML optimization. We optimize the growth for InAs quantum dots (QDs) heterostructures to showcase the power of SemiEpi, achieving a QD density of 5E10/cm2, 1.6-fold increased photoluminescence (PL) intensity and reduced full width at half maximum (FWHM) of 29.13 meV. This work highlights the potential of closed-loop, ML-guided systems to address challenges in multi-step growth. Our method is critical to achieve repeatable materials growth using commercially scalable tools. Furthermore, our strategy facilitates developing a hardware-independent process and enhancing process repeatability and stability, even without exhaustive knowledge of growth parameters., Comment: 5 figures
- Published
- 2024
30. Empathy Level Alignment via Reinforcement Learning for Empathetic Response Generation
- Author
-
Ma, Hui, Zhang, Bo, Xu, Bo, Wang, Jian, Lin, Hongfei, and Sun, Xiao
- Subjects
Computer Science - Computation and Language ,Computer Science - Artificial Intelligence - Abstract
Empathetic response generation, aiming to understand the user's situation and feelings and respond empathically, is crucial in building human-like dialogue systems. Traditional approaches typically employ maximum likelihood estimation as the optimization objective during training, yet fail to align the empathy levels between generated and target responses. To this end, we propose an empathetic response generation framework using reinforcement learning (EmpRL). The framework develops an effective empathy reward function and generates empathetic responses by maximizing the expected reward through reinforcement learning. EmpRL utilizes the pre-trained T5 model as the generator and further fine-tunes it to initialize the policy. To align the empathy levels between generated and target responses within a given context, an empathy reward function containing three empathy communication mechanisms -- emotional reaction, interpretation, and exploration -- is constructed using pre-designed and pre-trained empathy identifiers. During reinforcement learning training, the proximal policy optimization algorithm is used to fine-tune the policy, enabling the generation of empathetic responses. Both automatic and human evaluations demonstrate that the proposed EmpRL framework significantly improves the quality of generated responses, enhances the similarity in empathy levels between generated and target responses, and produces empathetic responses covering both affective and cognitive aspects.
- Published
- 2024
31. Enhanced Radiation Hardness of InAs/GaAs Quantum Dot Lasers for Space Communication
- Author
-
Li, Manyang, Duan, Jianan, Jin, Zhiyong, Pan, Shujie, Zhan, Wenkang, Chen, Jinpeng, Yu, Jinling, Cheng, Xiaotian, Ni, Zhibo, Jin, Chaoyuan, Ng, Tien Khee, Kong, Jinxia, Xu, Xiaochuan, Yao, Yong, Xu, Bo, Chen, Siming, Wang, Zhanguo, and Zhao, Chao
- Subjects
Physics - Applied Physics ,Condensed Matter - Mesoscale and Nanoscale Physics - Abstract
Semiconductor lasers have great potential for space laser communication. However, excessive radiation in space can cause laser failure. In principle, quantum dot (QD) lasers are more radiation-resistant than traditional semiconductor lasers because of their superior carrier confinement and smaller active regions. However, the multifaceted nature of radiation effects on QDs resulted in ongoing controversies. Comprehensive testing under simulated space conditions is also necessary to validate their performance. In this work, we conducted radiation tests on various In(Ga)As/GaAs QD and quantum well (QW) materials and devices. Our results revealed that InAs/GaAs QDs with filling factors greater than 50% exhibit greater radiation hardness than those below 50%. Furthermore, most InAs/GaAs QDs showed superior radiation resistance compared to InGaAs/GaAs QW when exposed to low proton fluences of 1E11 and 1E12 cm-2, resulting from radiation-induced defects. The linewidth enhancement factor (LEF) of well-designed QD lasers remains remarkably stable and close to zero, even under proton irradiation at a maximum fluence of 7E13 cm-2, owing to their inherent insensitivity to irradiation-induced defects. These QD lasers demonstrate an exceptional average relative intensity noise (RIN) level of -162 dB/Hz, with only a 1 dB/Hz increase in RIN observed at the highest fluence, indicating outstanding stability. Furthermore, the lasers exhibit remarkable robustness against optical feedback, sustaining stable performance even under a feedback strength as high as -3.1 dB. These results highlight the significant potential of QD lasers for space laser communication applications, where high reliability and resilience to radiation and environmental perturbations are critical., Comment: 5 figures
- Published
- 2024
32. Integer-Valued Training and Spike-Driven Inference Spiking Neural Network for High-performance and Energy-efficient Object Detection
- Author
-
Luo, Xinhao, Yao, Man, Chou, Yuhong, Xu, Bo, and Li, Guoqi
- Subjects
Computer Science - Artificial Intelligence - Abstract
Brain-inspired Spiking Neural Networks (SNNs) have bio-plausibility and low-power advantages over Artificial Neural Networks (ANNs). Applications of SNNs are currently limited to simple classification tasks because of their poor performance. In this work, we focus on bridging the performance gap between ANNs and SNNs on object detection. Our design revolves around network architecture and spiking neuron. First, the overly complex module design causes spike degradation when the YOLO series is converted to the corresponding spiking version. We design a SpikeYOLO architecture to solve this problem by simplifying the vanilla YOLO and incorporating meta SNN blocks. Second, object detection is more sensitive to quantization errors in the conversion of membrane potentials into binary spikes by spiking neurons. To address this challenge, we design a new spiking neuron that activates Integer values during training while maintaining spike-driven by extending virtual timesteps during inference. The proposed method is validated on both static and neuromorphic object detection datasets. On the static COCO dataset, we obtain 66.2% mAP@50 and 48.9% mAP@50:95, which is +15.0% and +18.7% higher than the prior state-of-the-art SNN, respectively. On the neuromorphic Gen1 dataset, we achieve 67.2% mAP@50, which is +2.5% greater than the ANN with equivalent architecture, and the energy efficiency is improved by 5.7*. Code: https://github.com/BICLab/SpikeYOLO, Comment: Accepted by ECCV2024; 19 pages, 4 figures
- Published
- 2024
33. RSC-SNN: Exploring the Trade-off Between Adversarial Robustness and Accuracy in Spiking Neural Networks via Randomized Smoothing Coding
- Author
-
Wu, Keming, Yao, Man, Chou, Yuhong, Qiu, Xuerui, Yang, Rui, Xu, Bo, and Li, Guoqi
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Spiking Neural Networks (SNNs) have received widespread attention due to their unique neuronal dynamics and low-power nature. Previous research empirically shows that SNNs with Poisson coding are more robust than Artificial Neural Networks (ANNs) on small-scale datasets. However, it is still unclear in theory how the adversarial robustness of SNNs is derived, and whether SNNs can still maintain its adversarial robustness advantage on large-scale dataset tasks. This work theoretically demonstrates that SNN's inherent adversarial robustness stems from its Poisson coding. We reveal the conceptual equivalence of Poisson coding and randomized smoothing in defense strategies, and analyze in depth the trade-off between accuracy and adversarial robustness in SNNs via the proposed Randomized Smoothing Coding (RSC) method. Experiments demonstrate that the proposed RSC-SNNs show remarkable adversarial robustness, surpassing ANNs and achieving state-of-the-art robustness results on large-scale dataset ImageNet. Our open-source implementation code is available at this https URL: https://github.com/KemingWu/RSC-SNN., Comment: Accepted by ACM MM 2024
- Published
- 2024
34. SpikeVoice: High-Quality Text-to-Speech Via Efficient Spiking Neural Network
- Author
-
Wang, Kexin, Zhang, Jiahong, Ren, Yong, Yao, Man, Shang, Di, Xu, Bo, and Li, Guoqi
- Subjects
Computer Science - Neural and Evolutionary Computing ,Computer Science - Machine Learning - Abstract
Brain-inspired Spiking Neural Network (SNN) has demonstrated its effectiveness and efficiency in vision, natural language, and speech understanding tasks, indicating their capacity to "see", "listen", and "read". In this paper, we design \textbf{SpikeVoice}, which performs high-quality Text-To-Speech (TTS) via SNN, to explore the potential of SNN to "speak". A major obstacle to using SNN for such generative tasks lies in the demand for models to grasp long-term dependencies. The serial nature of spiking neurons, however, leads to the invisibility of information at future spiking time steps, limiting SNN models to capture sequence dependencies solely within the same time step. We term this phenomenon "partial-time dependency". To address this issue, we introduce Spiking Temporal-Sequential Attention STSA in the SpikeVoice. To the best of our knowledge, SpikeVoice is the first TTS work in the SNN field. We perform experiments using four well-established datasets that cover both Chinese and English languages, encompassing scenarios with both single-speaker and multi-speaker configurations. The results demonstrate that SpikeVoice can achieve results comparable to Artificial Neural Networks (ANN) with only 10.5 energy consumption of ANN., Comment: 9 pages
- Published
- 2024
35. Dilated convolution neural operator for multiscale partial differential equations
- Author
-
Xu, Bo, Liu, Xinliang, and Zhang, Lei
- Subjects
Computer Science - Machine Learning ,Mathematics - Numerical Analysis - Abstract
This paper introduces a data-driven operator learning method for multiscale partial differential equations, with a particular emphasis on preserving high-frequency information. Drawing inspiration from the representation of multiscale parameterized solutions as a combination of low-rank global bases (such as low-frequency Fourier modes) and localized bases over coarse patches (analogous to dilated convolution), we propose the Dilated Convolutional Neural Operator (DCNO). The DCNO architecture effectively captures both high-frequency and low-frequency features while maintaining a low computational cost through a combination of convolution and Fourier layers. We conduct experiments to evaluate the performance of DCNO on various datasets, including the multiscale elliptic equation, its inverse problem, Navier-Stokes equation, and Helmholtz equation. We show that DCNO strikes an optimal balance between accuracy and computational cost and offers a promising solution for multiscale operator learning.
- Published
- 2024
36. GTPT: Group-based Token Pruning Transformer for Efficient Human Pose Estimation
- Author
-
Wang, Haonan, Liu, Jie, Tang, Jie, Wu, Gangshan, Xu, Bo, Chou, Yanbing, and Wang, Yong
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
In recent years, 2D human pose estimation has made significant progress on public benchmarks. However, many of these approaches face challenges of less applicability in the industrial community due to the large number of parametric quantities and computational overhead. Efficient human pose estimation remains a hurdle, especially for whole-body pose estimation with numerous keypoints. While most current methods for efficient human pose estimation primarily rely on CNNs, we propose the Group-based Token Pruning Transformer (GTPT) that fully harnesses the advantages of the Transformer. GTPT alleviates the computational burden by gradually introducing keypoints in a coarse-to-fine manner. It minimizes the computation overhead while ensuring high performance. Besides, GTPT groups keypoint tokens and prunes visual tokens to improve model performance while reducing redundancy. We propose the Multi-Head Group Attention (MHGA) between different groups to achieve global interaction with little computational overhead. We conducted experiments on COCO and COCO-WholeBody. Compared to other methods, the experimental results show that GTPT can achieve higher performance with less computation, especially in whole-body with numerous keypoints., Comment: ECCV 2024 accepted
- Published
- 2024
37. Short-Term Outcomes of 400-cm Common Limb SADI-S in Chinese Patients with Obesity of BMI < 35 kg/m2 and Type 2 Diabetes
- Author
-
He, Mengcheng, Cao, Chong, Yao, Qiyuan, Hua, Rong, Shen, Qiwei, Fu, Xiaojian, Xu, Bo, and Shao, Yikai
- Published
- 2025
- Full Text
- View/download PDF
38. Activating deformation twinning in cubic boron nitride
- Author
-
Bu, Yeqiang, Su, Zhengping, Huang, Junquan, Tong, Ke, Li, Penghui, Wang, Chong, Jin, Tianye, Zhao, Song, Zhao, Zhisheng, Soldatov, Alexander, Wang, Yanbin, Xu, Bo, Liu, Zhongyuan, Nie, Anmin, Wang, Hongtao, Yang, Wei, and Tian, Yongjun
- Published
- 2025
- Full Text
- View/download PDF
39. Can the gradient distribution and antimigration of deterrents in nitrocellulose-based propellant be balanced?: A strategy for small molecule diffusion followed by UV-induced curing
- Author
-
Wang, Duoliang, Liang, Hao, Li, Hongwei, Chu, Yakun, Ding, Shixiang, and Xu, Bo
- Published
- 2025
- Full Text
- View/download PDF
40. A multicenter diagnostic study of thyroid nodule with Hashimoto’s thyroiditis enabled by Hashimoto’s thyroiditis nodule-artificial intelligence model
- Author
-
Chen, Chen, Zhou, Yahan, Xu, Bo, Zhou, Lingyan, Song, Mei, Yuan, Shengxing, Yue, Wenwen, Zhou, Yibo, Chen, Hangjun, Yan, Ruyi, Xiao, Benlong, Jiang, Tian, Zhang, Qi, Zhao, Shanshan, Xu, Changsong, Xu, Chenke, Lu, Jiao, Sui, Lin, Yan, Yuqi, Lyu, Mingshun, He, Qingquan, Wang, Vicky Yang, and Xu, Dong
- Published
- 2025
- Full Text
- View/download PDF
41. The value of CA19-9 and MRI features in the preoperative differential diagnosis of pancreatic ductal adenocarcinoma in periampullary carcinoma
- Author
-
Zhao, Peng-Ju, Li, Zhi-Yu, Bi, Xin-Yu, Zhang, Ye-Fan, Xu, Bo-Wen, Wei, Zhi-Cheng, Ye, Feng, and Chang, Jian-Ping
- Published
- 2025
- Full Text
- View/download PDF
42. MDT-MVMD-based frequency modulation for photovoltaic energy storage systems
- Author
-
Li, Dongdong, Chen, Hao, Yao, Yin, Gao, David Wenzhong, and Xu, Bo
- Published
- 2025
- Full Text
- View/download PDF
43. Pricing and consumption in the P2P product sharing era: How does the dual-channel manufacturer cooperate with third-party sharing platforms?: Pricing and consumption in the P2P product sharing era...
- Author
-
Qu, Daogang, Gao, Cong, and Xu, Bo
- Published
- 2025
- Full Text
- View/download PDF
44. Multi-omics sequencing of gastroesophageal junction adenocarcinoma reveals prognosis-relevant key factors and a novel immunogenomic classification
- Author
-
Ma, Zhao, Li, Mengting, Li, Fuqiang, Wu, Kui, Wu, Xianxian, Luo, Tian, Gao, Na, Luo, Huijuan, Sui, Zhilin, Yu, Zhentao, Jiang, Hongjing, Shang, Xiaobin, Chen, Chuangui, Yue, Jie, Meng, Fianbiao, Duan, Xiaofeng, and Xu, Bo
- Published
- 2025
- Full Text
- View/download PDF
45. Gear modification optimization design and simulation research of hybrid powertrain transmission system
- Author
-
Gu, Xiao, Xu, Bo, Wang, Xuefeng, and Jiang, Yuhao
- Published
- 2025
- Full Text
- View/download PDF
46. Latent Landmark Graph for Efficient Exploration-exploitation Balance in Hierarchical Reinforcement Learning
- Author
-
Zhang, Qingyang, Zhang, Hongming, Xing, Dengpeng, and Xu, Bo
- Published
- 2025
- Full Text
- View/download PDF
47. Enhancing the hardness of diamond through twin refinement and interlocked twins
- Author
-
Ying, Pan, Li, Baozhong, Ma, Mengdong, Gao, Yufei, Sun, Rongxin, Li, Zihe, Chen, Shuai, Zhang, Bin, Li, Hefei, Liu, Bing, Sun, Lei, Zhao, Song, Tong, Ke, Hu, Wentao, Pan, Yilong, Tang, Guodong, Yu, Dongli, Zhao, Zhisheng, Xu, Bo, and Tian, Yongjun
- Published
- 2025
- Full Text
- View/download PDF
48. Learning curve for the combined trans-oral and chest approach to endoscopic selective neck dissection: a cumulative sum (CUSUM) analysis
- Author
-
Chen, Zhen-Xin, Zhao, Xin-Ran, Pang, Feng-Shun, Chen, Jing-Bao, Song, Ya-Min, Cao, Ying, Lin, Zhan-Hong, Xu, Bo, and Qin, You
- Published
- 2025
- Full Text
- View/download PDF
49. Efficient preparation of cycloamylose from potato starch using recombinant 4-α-glucanotransferase
- Author
-
Huang, Yan, Zhu, Rong, Liu, Jiehu, Qiao, Xueyi, Xu, Bo, Wang, Lei, and Su, Lingqia
- Published
- 2025
- Full Text
- View/download PDF
50. A cost-effective pyrrole additive for realizing highly stable Zn anode
- Author
-
Wang, Qian, Xu, Bo-Hui, Du, Yi-Xun, Kuang, Ling-Yao, Lin, Zhe-Shuai, and Gu, Xing-Xing
- Published
- 2025
- Full Text
- View/download PDF
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.