DeepForm: Reasoning Large Language Model for Communication System Formulation
Abstract
Communication system formulation is critical for advancing 6G and future wireless technologies, yet it remains a complex, expertise-intensive task. While Large Language Models (LLMs) offer potential, existing general-purpose models often lack the specialized domain knowledge, nuanced reasoning capabilities, and access to high-quality, domain-specific training data required for adapting a general LLM into an LLM specially for communication system formulation. To bridge this gap, we introduce DeepForm, the first reasoning LLM specially for automated communication system formulation. We propose the world-first large-scale, open-source dataset meticulously curated for this domain called Communication System Formulation Reasoning Corpus (CSFRC). Our framework employs a two-stage training strategy: first, Supervised Fine-Tuning (SFT) with Chain-of-Thought (CoT) data to distill domain knowledge; second, a novel rule-based Reinforcement Learning (RL) algorithm, C-ReMax based on ReMax, to cultivate advanced modeling capabilities and elicit sophisticated reasoning patterns like self-correction and verification. Extensive experiments demonstrate that our model achieves state-of-the-art performance, significantly outperforming larger proprietary LLMs on diverse senerios. We will release related resources to foster further research in this area after the paper is accepted.
Index Terms:
Large Language Model, Communication System Formulation1 Introduction
As the cornerstone of modern information society, communication systems are undergoing a paradigm shift from 5G to 6G, playing a pivotal role in advancing emerging domains such as the Internet of Things (IoT), the Industrial Internet, and the Vehicular Internet. These domains rely heavily on ultra-reliable, low-latency, and high-capacity networks to enable seamless connectivity, real-time data exchange, and intelligent decision-making.
The complexity of 6G systems, characterized by their integration of artificial intelligence, terahertz communication, massive machine-type communications, network slicing, and many other cutting-edge technologies, necessitates an accurate modeling framework. Such models provide researchers and engineers with a precise analytical tool to simulate and optimize system behavior under diverse operational conditions. In the advancement of communication technology, communication system formulation has increasingly become a crucial link between theoretical design and practical implementation. By providing a precise framework for understanding and analyzing system behavior, accurate modeling not only enhances the characterization of communication system properties but also lays the groundwork for optimizing performance and facilitating real-world deployment.
However, developing an accurate communication system formulation presents numerous technical challenges. This type of modeling demands a robust understanding of communication principles and often integrates multiple mathematical theories, including information theory, queuing theory, and optimization theory, thereby reflecting significant interdisciplinary complexity. Moreover, currently, mainstream approaches to communication system formulation exhibit considerable fragmentation across various subfields. Distinct communication system domains—such as integrated sensing and communication (ISAC), massive MIMO, intelligent reflecting surfaces (IRS), and millimeter-wave beamforming—have each evolved their own independent mathematical modeling methodologies. For instance, in ISAC systems, modelers are required to possess dual expertise in both communication signal processing and radar system design. This high degree of specialization has resulted in the emergence of isolated ”knowledge silos” within each subfield, hindering cross-disciplinary collaboration and integration. Consequently, overcoming these challenges necessitates not only a deep understanding of individual subfields but also efforts to bridge the gaps between them, fostering a more unified and cohesive approach to communication system formulation.
Recently, large language models (LLMs) such as GPT-4o[1], LLaMA[2] and Gemini[3], are driving a paradigm shift in the field of artificial intelligence. These models, with parameter counts of billions, exhibit remarkable capabilities in contextual reasoning and knowledge emergence through self-supervised learning methodology on large-scale data. For instance, GPT-4o, developed by OpenAI not only has complex semantic understanding, multi-turn logical reasoning, and creative content generation but also achieves expert-level performance in structured tasks such as code writing, mathematical proofs, and scientific discoveries. In the field of communication system formulation, LLMs offer new hope for enhancing the efficiency of communication system formulation by leveraging their advanced pre-trained knowledge.
However, although current LLMs demonstrate outstanding intelligence in open-domain tasks, they still face a severe ”capability gap” when applied to communication system formulation. The knowledge of the communication system is characterized by ”deep specialization.”. General LLMs lack a comprehensive understanding of the communication system, failing to meet the demands of cutting-edge research. Furthermore, existing LLMs are deficient in the deep reasoning abilities specific to communication systems. The complexity of communication system construction underscores the necessity of these deep reasoning capabilities in Communication system formulation. This makes small-scale open-source general LLMs perform poorly in communication system formulation. For large-scale LLMs, they have high deployment costs, for instance, deploying an LLM like DeepSeek R1 requires the use of 8 H100 GPUs, making it prohibitively expensive for many applications. Alternatively, leveraging external LLM APIs for modeling purposes introduces significant privacy and security risks, which hinder the widespread adoption of LLMs in the domain of communication system formulation.
This reveals the need for adapting a general LLM to Domain-Specific LLMs for communication system formulation, which requires fine-tuning on domain-specific data. However, several challenges arise from this.
Insufficient high-quality communication system formulation training data. According to the scaling law [4], the quantity of high-quality training data for communication system formulation is essential for the performance of LLMs. However, up to now, there is no large-scale, high-quality datasets in the field of communication system formulation.
Deep complexity of communication system formulation task. Communication system formulation requires a deep understanding of the communication system as well as related mathematical knowledge, such as optimization theory, information theory, etc. This requires injecting communication system reasoning ability into LLM during the training, which is highly difficult.
To fill this gap, in this paper we propose DeepForm, the first reasoning LLM for Communication system formulation. By employing a data-driven approach, our framework significantly reduces the need for expert intervention, thereby minimizing labor costs and shortening the modeling cycle. This ultimately enhances the overall efficiency of the communication system formulation.
We construct the Communication System Formulation Reasoning Corpus (CSFRC), the world’s first large-scale dataset specifically designed for complex communication system formulation. Curated from 2015-2025 ArXiv publications (10k+ samples related to communication system formulation), CSFRC addresses critical gaps in existing communication area datasets through two key innovations in two sub dataset. The first is Reasoning-Centric Supervision set. The philosophy of the data construction takes deep consideration of the intrinsic property of the communication system formulation area’s complexity, making it hard for LLM to learn knowledge directly from the answer, but more suitable to learn through detailed thinking processes. The second is Rule-centric Reinforcement Set. We develop a sub-dataset which consists of communication system formulation questions and related modeling formulations, specially designed for LLM to get accurate rewards through rule-based RL.
The model training consists of a two-stage training process. In the first stage, we conduct the data distillation through supervised fine-tuning on the constructed Chain of Thought (CoT) data to enable the student LLM to have domain knowledge in communication system formulation. In the second stage, we propose a rule-based RL algorithm C-ReMax based on ReMax [5] and is inspired by the amazing performance of rule-based RL in improving general math formulation problem[6]. The C-Remax algorithm is able to inject complex communication system formulation capability to LLM. The LLM can improve its strategy by answering different types of communication system formulation questions and getting feedback on whether the answer is correct. After being trained by the algorithm, the LLM learn complex reasoning capability in communication system formulation and emerges self correct, verification, back-tracking, and other reasoning behaviors.
In summary, our contributions are as follows:
-
•
To our best knowledge, we construct the world-first large-scale communication system formulation dataset, CSFRC, and will open source it together with relative dataset construction code.
-
•
We are the first to propose and open source the reasoning LLM DeepForm for communication system formulation. Our training framework introduces a novel knowledge distillation approach and leverages the potential of rule-based RL in communication system formulation.
-
•
We conduct extensive experiments, and the results show that the trained model ultimately achieves state-of-the-art performance in communication system formulation.
2 Related Work
2.1 Domain Specific LLM in other areas
The Significant powerful ability of LLMs has attracted many researchers to conduct research on dating a general LLM in other areas. In [7], the authors present HuatuoGPT, a medical LLM that combines distilled data from ChatGPT and real-world data from doctors to enhance its performance in medical consultations. In [8], The authors propose LawLLM, an intelligent legal system with legal reasoning and verifiable knowledge retrieval capability. The system is trained on a high-quality supervised fine-tuning dataset called Law-SFT. The authors also construct a comprehensive legal benchmark, Law-Eval, to evaluate intelligent legal systems from both objective and subjective dimensions. In [9] the authors present DISC-FinLLM, a Chinese financial large language model built using a Multiple Experts Fine-tuning Framework, which enhances general LLMs with capabilities in the finance area. In [10], the authors introduces OCEANGPT, the first large language model specialized in ocean science tasks, present a novel instruction data generation framework called DOINSTRUCT. In [11], it presents the StarWhisper Telescope system, an AI autonomous framework that integrates LLMs with specialized function calls and modular workflows to automate end-to-end astronomical observations. In [12], the authors present MutaPLM, a novel protein language modeling framework that explicitly models protein mutations for enhanced explanation and engineering capabilities through a protein delta network and cross-modal supervision. In [13] presents EcomGPT, a large language model fine-tuned on the EcomInstruct dataset, demonstrating superior zero-shot generalization capabilities in e-commerce tasks compared to ChatGPT. In [14], the authors introduce MentaLLaMA, the first open-source instruction-following large language model series for interpretable mental health analysis on social media, along with the IMHI dataset, and demonstrate its effectiveness in correctness, explanation quality, and generalizability. In [15], the authors present DoctorGLM, a healthcare-focused language model fine-tuned from ChatGLM-6B using Chinese medical dialogue datasets and various techniques, achieving cost-effective deployment for medical purposes.
2.2 Application of LLM in Communication System
LLMs have recently garnered significant attention for their potential applications in various fields, including communication system. In [16], the authors propose a wireless agent framework that adapt and enhance LLMs to address the problems in wireless communication system by using prompt engineering, retrieval-augmented generation, and other techniques. The practical applicability is demonstrated in network slicing management. In [17], the authors rethinks generative semantic communication for multi-user systems in 6G and propose the M-GSC framework with a large language model as the shared knowledge base. It highlights three optimization strategies for M-GSC, including extending the LLM-based SKB into a multi-agent system, offloading semantic encoding and decoding, and managing communication and computational resources. A case study demonstrates the preliminary validation of M-GSC’s effectiveness in efficient decoding offloading. In [18] The authors propose CommLLM, a novel LLM-enhanced multi-agent system for 6G communications that integrates multi-agent data retrieval, collaborative planning, and evaluation-reflection modules. The system leverages natural language processing and LLMs to overcome challenges in 6G communication tasks by enabling self-learning, self-improvement, and efficient problem-solving. A case study on semantic communication demonstrates CommLLM’s effectiveness in autonomously generating and refining communication models to meet specific design requirements. In [19], the authors propose an LLM-based Generative IoT (GIoT) system deployed in a local network setting to address security concerns, which includes a Prompt Management Module, a Postprocessing Module, and a Task-specific Prompts Database to enhance the capacities of open-source LLMs and integrate prompting methods. In [20], a novel LLM-centric Intent Lifecycle (LC) management architecture is proposed for next-generation networks, enabling network configuration and management via natural language. In [21], the authors explore the integration of Large Language Models (LLMs) and graphs in dynamic networking, proposing a novel LLM-enabled graph framework for networking optimization and validating its effectiveness through a UAV networking case study. In [22], the authors evaluate the effectiveness of LLMs for intrusion detection in IoT networks, proposing a novel LLM-based framework that leverages techniques such as fine-tuning and embedding similarity. In [23], the authors present a novel framework for trustworthy zero-touch network and service management in 6G by integrating AI for anomaly detection, XAI for root cause analysis, and LLMs for generating user-friendly explanations and implementing corrective actions, demonstrating its efficiency through real-world experiments.

3 Methodology
3.1 Data Preprocess Pipeline
We systematically retrieved arXiv articles containing wireless communication terminology through the arXiv API. The acquired PDF documents were converted to semantically structured markdown using the minerU library [24][25], employing LaTeX-aware parsing to preserve mathematical notation integrity:
(1) |
where represents the document object containing markdown elements with intact equation blocks ().
The workflow of the CoT data processing pipeline of a sample is shown in Fig. 2, which consists the following part.
3.1.1 Description-Formulation Pair Extraction
Technical reasoning pairs were extracted from system modeling sections (specifically targeting subsections labeled ”System Model” or ”Modeling Framework”). Through regular expression pattern matching, we identified contextual descriptions preceding mathematical formulations in the document flow:
(2) |
where denotes contextual descriptions and represents formal mathematical expressions.The condition indicates that, during the construction of the data pairs, all textual descriptions appearing before the position of are collected as the corresponding description . In actual data processing, supplementary condition statements following the term “formulation”— often introduced by words such as “where” - are also appended to the description .
3.1.2 Prompt Compression Optimization
Leveraging the DeepSeek V3 API [6] for semantic compression, we applied iterative pruning to description elements:
(3) |
where tokens is chosen to mitigate excessive computational overhead resulting from excessively long prompts during training. This process yielded the compressed dataset .
3.1.3 Data Augmentation and labeling
The construction of the final dataset employs a two-stage annotation and labeling procedure.
Candidate Generation.
For each compressed prompt , reasoning paths are sampled up to a maximum number of attempts :
(4) |
where represents the generator policy utilizing rejection sampling with the DeepSeek R1 API [6] to evaluate whether a candidate answer aligns with the ground truth. The generation process terminates either when a candidate is confirmed to match the reference answer by the DeepSeek R1 model, or when the maximum number of attempts is reached. If no candidate is validated within trials, the sample proceeds to the Fallback Correction stage (if eligible).
Fallback Correction. When the candidate generation fails to produce the correct answer , but the highest similarity among generated candidates satisfies (Levenshtein similarity[26]) :
(5) |
where denotes context concatenation. In such cases, the reasoning path is completed based on the given question and the correct answer . These samples are labeled as ”given-answer CoT samples” in the final dataset to indicate that the reasoning path was reconstructed using the fallback mechanism.
If , the sample is discarded without further processing.
The final dataset is constructed as follows:
(6) |
where indicates whether the reasoning path was directly generated (”generated”) or reconstructed via fallback correction (”given-answer”).
The data constitution is shown in Fig. 4, which provides an overview of the diverse composition of the training data used in this study. As illustrated, the dataset encompasses a wide range of categories, reflecting a well-rounded and comprehensive coverage of key topics in communication system formulation. Notably, no single category dominates the dataset entirely, with the largest segment labeled as ”Others ()”—suggesting a balanced distribution across various subdomains. This diversity is further reinforced by the presence of multiple specialized areas such as Integrated Sensing and Communication, Wireless and AI, Channel Modeling, and MIMO Technology, each contributing a meaningful proportion to the overall dataset.

3.2 Stage One: Learning Complex Reasoning in Communication
Direct utilization of LLM to address communication related formulation problems described in natural language often results in inaccuracies, primarily due to their inability to comprehensively capture implicit information. To address this issue, we enhance our model capability to both define and solve the problems through supervised fine-tuning (SFT).
SFT is a parameter optimization paradigm where a pre-trained large language model adapts to specific downstream tasks through labeled instruction-response pairs. The core components of SFT include the training dataset containing description-Chain of Thought (CoT) pairs , and an optimization objective that minimizes the discrepancy between model predictions and ground-truth responses. This structured format enables explicit supervision for both reasoning trace generation and solution verification.
For a general LLM initially lacking domain knowledge in communication system formulation, SFT enforces the injection of the domain knowledge by updating model parameters through gradient-based optimization. To conduct more efficient training, we freeze all the pretrianed parameters and only update LoRA[27] parameters. As the update of the LLM has a low-rank nature, we can insert low-rank matrices and only update them during the training. Formally, for a pre-trained weight matrix , LoRA approximates the parameter update as:
(7) |
with denoting the rank hyperparameter. This decomposition reduces the trainable parameters from to .
In our framework, each sample in guides the LoRA-augmented model through two sequential phases: 1. Reasoning alignment phase: Given problem description , the model generates intermediate reasoning tokens under cross-entropy supervision 2. Solution verification phase: The model then produces the final solution while jointly predicting through multi-task learning
The training process optimizes the model’s conditional probability distribution using a composite maximum likelihood estimation objective:
(8) |
where now explicitly incorporates the trainable LoRA parameters and . This formulation enables gradient updates to focus on low-dimensional subspaces of the original weight matrices, preserving pre-trained knowledge while adapting to task-specific patterns . The optimization alternates between forward pass computation of token-level cross-entropy losses and backward propagation of gradients, typically using AdamW[28] optimizer with linear learning rate decay.
3.3 Stage Two: Enhance Complex Reasoning with RL


We propose a rule-based RL algorithm C-Remax based on ReMax[5].
Th RL framework for C-ReMax as a Markov Decision Process is defined by the tuple , where:
State Space : The state at the time step is represented by the concatenation of the input communication system formulation question and the historical token generated by the LLM , where denotes the vocabulary space of the token sequences. Mathematically,
(9) |
where denotes sequence concatenation.
Action Space : The action corresponds to selecting the next token from a discrete vocabulary , i.e., . Actions are sampled autoregressively over time steps to generate answer to the communication system formulation question which can be represented by .
Policy : The LLM parameterizes the policy as a conditional probability distribution over tokens:
(10) |
where denotes the model parameters and represents the previously generated tokens.
Reward :
We use rules to give the reward to the LLM. When the LLM finishes answering the question, it will receive the reward If the communication system formulation in the answer of the LLM is correct, we give a positive reward of 1, and if not, we give a zero reward to it. In addition to that, we also set a repetition reward to prevent the model to do repetition and make the answer more readable.
The reward is defined as
(11) |
where represents the accuracy reward and represents the repetition reward. The specific definition of accuracy reward is as follows:
(12) |
where is the correct modeling formulation and a is the LLM generated answer.
and the specific definition of repetition reward is as follows:
(13) |
where
(14) |
where denotes the penalty coefficient. denotes the range of n-gram lengths to be counted. denotes the final output upper limit. a denotes the generated token. denotes all n-grams of length in text a. denotes the number of occurrences of the n-gram in a. is an indicator function, which only counts when the occurrence count is greater than 1.
One critical challenge in communication system formulation arises from its inherent complexity, which induces high gradient variance and hinders LLMs’ ability to effectively learn from rule-based feedback signals. In order to reduce the gradient variance, C-ReMax contrasts a stochastic rollout with a greedy rollout . The reward signal is defined as:
where is a reward model. This baseline is a good approximation of the expected reward , reducing variance while preserving gradient direction.
Also, we incorporates KL divergence constraints to prevent catastrophic forgetting of previous knowledge as
(15) |
where denotes the reference model,
The final objective combines reward maximization and KL regularization:
(16) |
where balances reward and regularization. Gradients are computed via:
(17) |
3.3.1 Dataset construction for RL
4 Experiments
4.1 Experimental Setup
The experiment was conducted on two servers: one with 8 A100 GPUs and another with 8 A6000 GPUs, both running Ubuntu 20.04. All training was performed on the CSFRC dataset. The first stage utilized 5k data samples, while the second stage used 1.2k data samples.
Using the proposed method, we trained our models based on Qwen2.5-7B-Instruct [29]. In Stage 1, the models were fine-tuned on the SFT dataset for 5 epochs with a learning rate of and a batch size of 32. We employed LoRA tuning with a rank of 256 and used cosine learning with a warmup ratio of 0.05. In Stage 2, we applied reinforcement learning (RL) with a learning rate of , a batch size of 64, and a total of 5 training epochs. The KL divergence was set to 0.001.



4.2 Experimental Results
Performance comparison with other LLMs
Fig. 7 shows the accuracy of different LLMs on the test dataset. It presents a comparative analysis of model performance through a bar chart, where the x-axis lists 6 distinct LLMs and the y-axis quantifies their accuracy scores. The models evaluated include ”DeepForm(Ours),” ”DeepSeek R1,” ”Qwen2.5-7B Instruct,” ”InternLM2.5 20B-Chat,” ”GPT-40 Mini,” and ”GLM-9B.” From the result we can find that DeepForm achieves the highest accuracy among all the LLMs with a model size of only 7B. It significantly outperform the second-highest LLM which is DeepSeek R1 that has a parameter size of 671B which is 94 times larger than our model.
Performance comparison of different RL algorithms
We compare our algorithm with several different RL algorithm to further verify the effectiveness of our algorithm. More specifically, we compare with the DPO[30] and KTO[31].
As these algorithms require example answers to enable the LLM to learn, we construct the dataset in the following ways.
Data construction of DPO. For DPO, we generate pairwise preferences using the DeepSeek R1 to compare reasoning paths:
where and are two reasoning paths for the same question , annotated by DeepSeek R1 and Doubao1.5pro (developed by Bytedance) as the preferred and dispreferred outputs, respectively.
Data construction of KTO. For KTO, it only need a single generated reasoning path for each sample and each sample requires a label. we generate the reasoning path and annotate single-sample preferences using the DeepSeek R1:
where is a binary label indicating whether the reasoning path is deemed acceptable () or not ().
Ablation Study. We conducted an ablation study on the model to analyze the impact of SFT and RL. The results are shown in Fig. 6. The LLM achieves an accuracy of after the SFT stage and further increases to after the RL stage. By observing the results, we can find that both the SFT stage and the RL stage play a critical role in improving the ability of the LLM in communication system formulation.


Performance comparison of SFT W/O CoT training data.
In this section, we conduct supervised fine-tuning (SFT) experiments on the Qwen 2.5-7B-Instuct model using two distinct datasets to validate the necessity of the proposed chain-of-thought (CoT) data augmentation methodology. For the non-CoT-enhanced dataset, we employ , which contains compressed descriptions preceding mathematical formulations . Conversely, the CoT-enhanced dataset is utilized for comparative analysis to verify the effectiveness of the CoT augmentation approach. Both datasets are used to fine-tune the Qwen 2.5-7B-Instuct model for 270 training steps under identical hyperparameter configurations. Subsequently, average accuracy evaluations are performed on the same validation dataset using the training prompts. The experimental results are summarized in 5(b).
As shown in 5(b), the direct use of the non-CoT-enhanced dataset not only fails to improve the model’s answer accuracy, but also somewhat diminishes its reasoning ability. We believe that for complex modeling problems, the reasoning process is a crucial component. Merely providing questions and answers can mislead the model’s learning of modeling to some extent. These results demonstrate that sample quality plays a critical role in communication domain modeling, and the CoT data augmentation proves essential for achieving effective knowledge distillation in our dataset configuration.
Performance comparison with different difficulty level RL datasets. We compare the performance of the LLM after RL using datasets of varying difficulty. Two datasets were constructed: an easy dataset and a hard dataset. We trained the LLMs in three different ways: exclusively on the easy dataset, exclusively on the hard dataset, and through curriculum learning by first training on the easy dataset and then on the hard dataset. The results, shown in Fig. 5(c), indicate that the LLM trained only on the easy dataset achieved the highest accuracy. The LLMs trained on the hard dataset and through curriculum learning showed similar, but lower, accuracy levels. This discrepancy is likely due to the hard dataset causing instability during RL, as the LLM rarely receives positive rewards because it often fails to provide correct answers, making it difficult for the model to learn from feedback.

Performance comparison of different reward settings. In this part, we compare the performance of the LLM with different reward settings in RL. The experiments
We conduct training on different reward penalties when the LLM provides the wrong answer. We experiment under the cases that a reward of ”” is given to the LLM and a reward of ”” is given to the LLM if it provides the wrong answer. The two reward settings are as follows.
(18a) | ||||
(18b) |
In addition to that, we also test the effect of the existence of the format reward. To address both semantic accuracy and format compliance, we propose a composite reward function combining:
- Accuracy reward: Measures correctness of the response.
- Format reward: Ensures adherence to format requirement.
The format reward is defined as:
(19) |
and the combined reward is defined as:
(20) |
The performance comparison under different reward settings is illustrated in Fig. 8. The results indicate that a change in the accuracy reward setting can lead to an accuracy drop of (7.7%). This may be attributed to the LLM frequently receiving negative rewards, which can cause instability during training. Additionally, the inclusion of an external format reward in the reward function results in a (2%) decrease in performance. This decline could be due to the LLM’s reduced exploration to avoid negative format rewards.
5 Conclusion
In this work, we present a comprehensive framework for adapting LLMs to the domain of communication system formulation, addressing critical challenges in insufficient high-quality communication system formulation training data and the deep complexity of the communication system formulation task. Our contributions are threefold. Fisrt, we introduce CSFRC, the world’s first large-scale open-source dataset for communication system formulation, and will open-source it for researchers to do further research. Second, we are the first to develop a novel two-stage LLM training framework specially for communication system formulation, which contains a CoT data distillation stage and a rule based RL stage. We train the world-first reasoning LLM named DeepForm in communication system formulation and have done extensive experiments to prove the capability of DeepForm.
References
- [1] A. Hurst, A. Lerer, A. P. Goucher, A. Perelman, A. Ramesh, A. Clark, A. Ostrow, A. Welihinda, A. Hayes, A. Radford et al., “Gpt-4o system card,” arXiv preprint arXiv:2410.21276, 2024.
- [2] H. Touvron, T. Lavril, G. Izacard, X. Martinet, M.-A. Lachaux, T. Lacroix, B. Rozière, N. Goyal, E. Hambro, F. Azhar et al., “Llama: Open and efficient foundation language models,” arXiv preprint arXiv:2302.13971, 2023.
- [3] G. Team, R. Anil, S. Borgeaud, J.-B. Alayrac, J. Yu, R. Soricut, J. Schalkwyk, A. M. Dai, A. Hauth, K. Millican et al., “Gemini: a family of highly capable multimodal models,” arXiv preprint arXiv:2312.11805, 2023.
- [4] J. Kaplan, S. McCandlish, T. Henighan, T. B. Brown, B. Chess, R. Child, S. Gray, A. Radford, J. Wu, and D. Amodei, “Scaling laws for neural language models,” arXiv preprint arXiv:2001.08361, 2020.
- [5] Z. Li, T. Xu, Y. Zhang, Z. Lin, Y. Yu, R. Sun, and Z.-Q. Luo, “Remax: A simple, effective, and efficient reinforcement learning method for aligning large language models,” arXiv preprint arXiv:2310.10505, 2023.
- [6] D. Guo, D. Yang, H. Zhang, J. Song, R. Zhang, R. Xu, Q. Zhu, S. Ma, P. Wang, X. Bi et al., “Deepseek-r1: Incentivizing reasoning capability in llms via reinforcement learning,” arXiv preprint arXiv:2501.12948, 2025.
- [7] H. Zhang, J. Chen, F. Jiang, F. Yu, Z. Chen, G. Chen, J. Li, X. Wu, Z. Zhiyi, Q. Xiao, X. Wan, B. Wang, and H. Li, “HuatuoGPT, towards taming language model to be a doctor,” in Findings of the Association for Computational Linguistics: EMNLP 2023, H. Bouamor, J. Pino, and K. Bali, Eds. Singapore: Association for Computational Linguistics, Dec. 2023, pp. 10 859–10 885. [Online]. Available: https://aclanthology.org/2023.findings-emnlp.725/
- [8] S. Yue, S. Liu, Y. Zhou, C. Shen, S. Wang, Y. Xiao, B. Li, Y. Song, X. Shen, W. Chen et al., “Lawllm: Intelligent legal system with legal reasoning and verifiable retrieval,” in International Conference on Database Systems for Advanced Applications, 2024, pp. 304–321.
- [9] W. Chen, Q. Wang, Z. Long, X. Zhang, Z. Lu, B. Li, S. Wang, J. Xu, X. Bai, X. Huang et al., “Disc-finllm: A chinese financial large language model based on multiple experts fine-tuning,” CoRR, 2023.
- [10] Z. Bi, N. Zhang, Y. Xue, Y. Ou, D. Ji, G. Zheng, and H. Chen, “Oceangpt: A large language model for ocean science tasks,” in Proceedings of the 62nd Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), 2024, pp. 3357–3372.
- [11] C. Wang, X. Hu, Y. Zhang, X. Chen, P. Du, Y. Mao, R. Wang, Y. Li, Y. Wu, H. Yang et al., “Starwhisper telescope: Agent-based observation assistant system to approach ai astrophysicist,” arXiv preprint arXiv:2412.06412, 2024.
- [12] Y. Luo, Z. Nie, M. Hong, S. Zhao, H. Zhou, and Z. Nie, “Mutaplm: Protein language modeling for mutation explanation and engineering,” Advances in Neural Information Processing Systems, vol. 37, pp. 79 783–79 818, 2024.
- [13] Y. Li, S. Ma, X. Wang, S. Huang, C. Jiang, H.-T. Zheng, P. Xie, F. Huang, and Y. Jiang, “Ecomgpt: Instruction-tuning large language models with chain-of-task tasks for e-commerce,” in Proceedings of the AAAI Conference on Artificial Intelligence, vol. 38, no. 17, 2024, pp. 18 582–18 590.
- [14] K. Yang, T. Zhang, Z. Kuang, Q. Xie, J. Huang, and S. Ananiadou, “Mentallama: interpretable mental health analysis on social media with large language models,” in Proceedings of the ACM Web Conference 2024, 2024, pp. 4489–4500.
- [15] H. Xiong, S. Wang, Y. Zhu, Z. Zhao, Y. Liu, L. Huang, Q. Wang, and D. Shen, “Doctorglm: Fine-tuning your chinese doctor is not a herculean task,” arXiv preprint arXiv:2304.01097, 2023.
- [16] J. Tong, W. Guo, J. Shao, Q. Wu, Z. Li, Z. Lin, and J. Zhang, “Wirelessagent: Large language model agents for intelligent wireless networks,” arXiv preprint arXiv:2505.01074, 2025.
- [17] W. Yang, Z. Xiong, S. Mao, T. Q. S. Quek, P. Zhang, M. Debbah, and R. Tafazolli, “Rethinking generative semantic communication for multi-user systems with large language models,” IEEE Wireless Communications, pp. 1–9, 2025.
- [18] F. Jiang, Y. Peng, L. Dong, K. Wang, K. Yang, C. Pan, D. Niyato, and O. A. Dobre, “Large language model enhanced multi-agent systems for 6g communications,” IEEE Wireless Communications, vol. 31, no. 6, pp. 48–55, 2024.
- [19] B. Xiao, B. Kantarci, J. Kang, D. Niyato, and M. Guizani, “Efficient prompting for llm-based generative internet of things,” IEEE Internet of Things Journal, vol. 12, no. 1, pp. 778–791, 2025.
- [20] A. Mekrache, A. Ksentini, and C. Verikoukis, “Intent-based management of next-generation networks: an llm-centric approach,” IEEE Network, vol. 38, no. 5, pp. 29–36, 2024.
- [21] G. Sun, Y. Wang, D. Niyato, J. Wang, X. Wang, H. V. Poor, and K. B. Letaief, “Large language model (llm)-enabled graphs in dynamic networking,” IEEE Network, pp. 1–1, 2024.
- [22] E. Nwafor, U. Baskota, M. S. Parwez, J. Blackstone, and H. Olufowobi, “Evaluating large language models for enhanced intrusion detection in internet of things networks,” in GLOBECOM 2024 - 2024 IEEE Global Communications Conference, 2024, pp. 3358–3363.
- [23] A. Mekrache, M. Mekki, A. Ksentini, B. Brik, and C. Verikoukis, “On combining xai and llms for trustworthy zero-touch network and service management in 6g,” IEEE Communications Magazine, vol. 63, no. 4, pp. 154–160, 2025.
- [24] B. Wang, C. Xu, X. Zhao, L. Ouyang, F. Wu, Z. Zhao, R. Xu, K. Liu, Y. Qu, F. Shang, B. Zhang, L. Wei, Z. Sui, W. Li, B. Shi, Y. Qiao, D. Lin, and C. He, “Mineru: An open-source solution for precise document content extraction,” 2024. [Online]. Available: https://arxiv.org/abs/2409.18839
- [25] C. He, W. Li, Z. Jin, C. Xu, B. Wang, and D. Lin, “Opendatalab: Empowering general artificial intelligence with open datasets,” arXiv preprint arXiv:2407.13773, 2024.
- [26] V. I. Levenshtein, “Binary codes capable of correcting deletions, insertions, and reversals,” Soviet Physics Doklady, vol. 10, pp. 707–710, 1966.
- [27] E. J. Hu, Y. Shen, P. Wallis, Z. Allen-Zhu, Y. Li, S. Wang, L. Wang, W. Chen et al., “Lora: Low-rank adaptation of large language models.” ICLR, vol. 1, no. 2, p. 3, 2022.
- [28] I. Loshchilov and F. Hutter, “Decoupled weight decay regularization,” in International Conference on Learning Representations (ICLR). OpenReview.net, 2019.
- [29] A. Yang, A. Li, B. Yang, B. Zhang, B. Hui, B. Zheng, B. Yu, C. Gao, C. Huang, C. Lv et al., “Qwen3 technical report,” arXiv preprint arXiv:2505.09388, 2025.
- [30] R. Rafailov, A. Sharma, E. Mitchell, C. D. Manning, S. Ermon, and C. Finn, “Direct preference optimization: Your language model is secretly a reward model,” Advances in Neural Information Processing Systems, vol. 36, pp. 53 728–53 741, 2023.
- [31] K. Ethayarajh, W. Xu, N. Muennighoff, D. Jurafsky, and D. Kiela, “Kto: Model alignment as prospect theoretic optimization,” arXiv preprint arXiv:2402.01306, 2024.