1. Introduction
Cloud computing has transformed the IT landscape by offering scalable, flexible, and cost-effective resources to organizations worldwide. Multi-tenant cloud environments, where multiple users or organizations share the same physical infrastructure, are among the most prominent paradigms enabling this transformation. By pooling resources, providers achieve efficiency and economies of scale, but this shared nature also introduces significant security challenges. Tenants coexisting on shared platforms face risks stemming from both external attackers and potential vulnerabilities within other tenants’ workloads. Consequently, effective risk assessment is paramount to maintain confidentiality, integrity, and availability of data and services in such complex setups.
1.1. Background on Multi-Tenant Cloud Environments
Multi-tenancy refers to the architectural design where a single cloud infrastructure serves multiple independent entities—known as tenants—while ensuring isolation and resource sharing. This model offers advantages such as reduced operational costs, improved resource utilization, and simplified management. However, multi-tenancy also presents unique security hurdles. The shared resources can become vectors for lateral attacks, cross-tenant data leakage, and amplification of threats across tenants. The heterogeneity of tenants’ security requirements and varying workloads further complicate the ability to assess and manage risks effectively in real time.
1.2. Importance of Risk Assessment in Cloud Security
Risk assessment is a fundamental process in cloud security that involves identifying, evaluating, and prioritizing potential threats and vulnerabilities to the cloud infrastructure and its users. In multi-tenant clouds, risk assessment serves multiple key functions: it helps to identify anomalous behavior indicative of attacks, guides the allocation of security resources, and informs the definition or adaptation of security policies to mitigate emerging threats. Accurate risk assessment enhances decision-making for incident response and resource provisioning, thereby reducing the chances of successful breaches and service disruptions. The dynamic nature of cloud workloads and threat landscapes demands risk assessment approaches that are not only thorough but also real-time and adaptive.
1.3. Limitations of Traditional Risk Assessment Methods
Conventional risk assessment methods in cloud security largely rely on static or rule-based frameworks. These approaches often depend on predefined signatures, fixed policies, or periodic audits, limiting their responsiveness to new or evolving attack techniques. In multi-tenant environments, static risk evaluations may fail to capture tenant-specific risk profiles or sudden changes in workload behavior, leading to inaccurate or delayed detection of security threats. Additionally, manual configuration and updates introduce operational overhead and human error risks. Such limitations undermine the effectiveness of traditional techniques in providing comprehensive, context-aware security suited for the dynamic and complex realities of multi-tenant clouds.
1.4. Motivation for Using Deep Reinforcement Learning and Adaptive Policies
The challenges of traditional methods highlight the need for intelligent, automated, and adaptable risk assessment frameworks. Deep reinforcement learning (DRL), combining deep neural networks and reinforcement learning, offers a powerful mechanism for real-time decision making under uncertainty and complexity. DRL agents can learn optimal strategies through interaction with the environment, making them ideal for identifying subtle and evolving threats in multi-tenant cloud setups. Coupling DRL with adaptive security policies enables the dynamic tailoring of protections based on continuous risk evaluations and tenant contexts. This synergy promises enhanced threat detection accuracy, timely mitigation, and efficient resource use, thus addressing the critical security needs of next-generation cloud environments.
2. Literature Review
The landscape of cloud security has seen substantial research focused on devising effective risk assessment mechanisms tailored to the intricate and dynamic nature of cloud environments. Understanding existing approaches and their limitations is critical for motivating advanced solutions such as the integration of deep reinforcement learning and adaptive security policies.
2.1. Existing Risk Assessment Approaches in Cloud Computing
Traditional risk assessment techniques in cloud computing often rely on static models that utilize predefined rules, vulnerability scanning, and signature-based intrusion detection systems. These models generally categorize risks based on known threat signatures or historical incident data. While effective in stable environments, such approaches struggle to adapt to the fluid conditions in multi-tenant clouds where workloads, user behavior, and threat profiles can change rapidly. Some advancements introduced probabilistic and statistical models for risk measurement; however, these still lack sufficient adaptability and contextual understanding. Additionally, centralized risk assessment frameworks face scalability issues as the number of tenants and services increases, leading to potential bottlenecks and delayed responses.
2.2. Reinforcement Learning in Cybersecurity Applications
Reinforcement learning (RL) has garnered increasing attention in cybersecurity for its ability to learn optimal defence strategies through continuous interaction with the environment. In particular, deep reinforcement learning (DRL) extends traditional RL with neural networks to handle high-dimensional state spaces typical in complex security scenarios. Applications of DRL in cybersecurity range from intrusion detection and anomaly detection to automated threat response and intrusion prevention. RL-based approaches enable adaptive decision-making that improves over time without requiring explicit programming for every possible attack. Despite promising results, most existing works focus on isolated security problems within singular systems, with limited exploration of comprehensive risk assessment frameworks in the context of cloud multi-tenancy.
2.3. Adaptive Security Policy Frameworks in Multi-Tenant Environments
Adaptive security policies aim to dynamically adjust the enforcement of security controls based on real-time assessment of risk, user behavior, and environmental factors. In multi-tenant cloud environments, these frameworks enhance security by tailoring controls specific to tenant profiles, service levels, and detected threats. Various models incorporate context-aware policy engines, automated rule updates, and feedback mechanisms. Some research integrates machine learning to predict risk and adjust policies accordingly, but these efforts are often limited by shallow learning models or partial automation. Moreover, coordination between policy adaptation and risk assessment remains an open challenge, particularly when considering the interaction effects between multiple tenants’ policies and shared infrastructure.
2.4. Research Gaps and Challenges
Despite significant advances, several research gaps persist in intelligent risk assessment for multi-tenant cloud environments. Firstly, existing risk assessment frameworks tend to be static or reactive, lacking proactive and continuous learning capabilities crucial for evolving cloud threats. Secondly, the scalability of intelligent methods, particularly DRL, in handling the high dimensionality and heterogeneity of multi-tenant clouds is still under-explored. Thirdly, integrating DRL-based risk assessment with fully adaptive and automated security policies at the cloud orchestration level poses architectural and operational complexities. Finally, there is a shortage of comprehensive evaluation studies demonstrating the practical effectiveness of such integrated frameworks in real-world multi-tenant cloud scenarios. Addressing these gaps is essential for advancing cloud security towards more intelligent, resilient, and autonomous systems.
3. Proposed Framework for Intelligent Risk Assessment
To address the challenges of risk evaluation and mitigation in multi-tenant cloud environments, this section introduces a comprehensive framework that synergizes deep reinforcement learning with adaptive security policies. The framework is designed to provide continuous, intelligent risk assessment and dynamic policy enforcement tailored to tenant-specific requirements and the evolving threat landscape.
3.1. System Architecture Overview
The architecture consists of four main components: the monitoring module, the deep reinforcement learning (DRL) agent, the policy adaptation engine, and the enforcement module. The monitoring module collects real-time data on tenant activities, system events, resource usage, and potential security alerts. This data is preprocessed into state representations that capture the multi-dimensional cloud environment.
The DRL agent receives the current system state and outputs risk predictions and recommended security actions. The policy adaptation engine translates these recommendations into updated security policies customized per tenant and based on current risk levels. Finally, the enforcement module implements the adapted policies across cloud resources and tenant workflows, ensuring proactive risk mitigation.
Mathematically, the cloud environment is modeled as a Markov Decision Process (MDP) defined by the tuple (S, A, P, R, γ), where:
is the set of states representing environmental and tenant-specific security conditions,
is the set of possible security actions,
P: S x A x S → denotes the state transition probabilities,
is the reward function reflecting the risk mitigation effectiveness,
γ € is the discount factor for future rewards.
The objective of the DRL agent is to learn an optimal policy that maximizes the expected cumulative reward:
(1)
where denotes the optimal action-value function.
3.2. Role of Deep Reinforcement Learning in Risk Identification
The DRL agent utilizes a deep neural network to approximate
, where are the network parameters, enabling it to handle the high-dimensional state space arising from varied tenant behaviors and security metrics. Through interaction with the cloud environment, the agent learns to predict risk levels and select security actions that maximize cumulative reward, representing effective risk mitigation.
The learning involves minimizing the temporal difference (TD) error:
(2)
where are parameters of a target network that stabilize training. This approach enables the system to identify complex and previously unseen threat patterns by continuously adapting based on environmental feedback.
3.3. Adaptive Security Policies for Dynamic Risk Mitigation
The policy adaptation engine formulates security policies dynamically, adjusting controls such as access permissions, firewall configurations, and anomaly detection thresholds based on DRL outputs. If the DRL agent predicts a high risk for a tenant or resource, the policy is tightened; conversely, lower risks permit relaxed controls to optimize resource availability.
Let represent the policy parameters at time , which are updated as:
(3)
where is a learning rate and is the change in risk level assessed by the DRL agent. This formula ensures that policy changes are proportional to the assessed risk, allowing swift yet measured responses.
3.4. Multi-Tenancy Considerations and Policy Enforcement
In multi-tenant clouds, policy enforcement must consider tenant isolation and fairness while maintaining high security. The framework supports tenant-specific policy profiles for tenant , ensuring that security adjustments do not adversely affect other tenants.
Isolation constraints are enforced by policies satisfying:
(4)
meaning overlapping privileges or controls between tenants are minimized to reduce risk of cross-tenant exposure.
The enforcement module maps adapted policies into actionable configurations applied on virtual machines, containers, or network slices. The system monitors compliance and feeds back enforcement results and alert statuses into the monitoring module, forming a closed feedback loop that enables continuous security management.
Through this integration of DRL-driven risk assessment and adaptive policy management, the proposed framework addresses the complex demands of securing multi-tenant cloud environments in a dynamic and automated manner.
4. Methodology
This section outlines the systematic approach undertaken to develop the intelligent risk assessment framework, detailing components from data acquisition to policy enforcement in the multi-tenant cloud environment.
Figure 1.
Intelligent Risk Assessment in Multi-Tenant Cloud.
Figure 1.
Intelligent Risk Assessment in Multi-Tenant Cloud.
4.1. Data Collection and Preprocessing from Cloud Tenants
Data acquisition is foundational for effective risk assessment in multi-tenant cloud environments. The system continuously collects telemetry data including tenant resource usage, network traffic logs, user activity records, authentication attempts, and security event alerts. Given the heterogeneity and volume of this data, preprocessing is critical to transform raw inputs into meaningful state representations.
This involves normalization to standardize scales across diverse metrics, noise filtering to remove spurious or irrelevant information, and feature extraction techniques that highlight relevant behavioral patterns such as anomalous access frequency deviations or unusual inter-tenant communications. The resulting clean, high-dimensional feature vectors form the input states for the deep reinforcement learning model, capturing the operational and security posture of individual tenants and the overall cloud infrastructure.
4.2. Risk Factors and Threat Modeling in Multi-Tenant Scenarios
Risk factors in multi-tenant clouds include vulnerabilities arising from shared infrastructure, varied tenant privilege levels, workload characteristics, and external threat vectors such as Distributed Denial of Service (DDoS) attacks or insider threats. Threat modeling entails identifying and categorizing these risks based on likelihood and potential impact.
The model incorporates probabilistic risk factors for tenants , which may depend on metrics like historical attack frequency, access anomalies, and resource contention. Collective risk is then formulated considering interdependencies across tenants:
(5)
where are weights reflecting tenant criticality, denote interaction weights between tenants and , and represents correlation or potential risk propagation factors between tenants. This structure allows capturing complex multi-tenant threat dynamics that inform the DRL agent’s learning and policy adaptation.
4.3. Deep Reinforcement Learning Model Design
The DRL model is constructed to learn an optimal risk mitigation policy via interaction with the environment modeled as a Markov Decision Process (MDP). The state space comprises processed features representing system status and tenant behaviors, while the action space includes security actions such as adjusting firewall rules, restricting access, or allocating additional monitoring resources.
A deep Q-network (DQN) is employed, approximating the action-value function with parameter vector . The agent seeks to maximize the expected cumulative discounted reward E[∑tγtrt], reflecting successful risk reduction.
Training involves iterative updates minimizing the loss function:
(6)
where denotes a fixed target network to stabilize learning. Experience replay buffers enable efficient sampling from past interactions, enhancing convergence. The model adapts continuously, coping with evolving threats and tenant dynamics.
4.4. Adaptive Policy Formulation and Update Mechanism
Adaptive policies are encoded as parameter vectors , adjusted at discrete time steps in response to DRL-driven risk assessments. The update mechanism follows:
(7)
where is a learning rate controlling adjustment sensitivity, and represents the differential risk evaluated by the DRL agent. This ensures that policies tighten when risk increases and relax when risk subsides, maintaining balance between security and operational performance.
Policy parameters govern controls such as anomaly detection sensitivity, access thresholds, and resource isolation levels. Importantly, policies are tenant-specific to accommodate individual risk profiles and operational needs, promoting personalized security within the multi-tenant structure.
4.5. Integration of Risk Scoring and Policy Enforcement
The final phase integrates risk scoring results from the DRL model with enforcement mechanisms to realize adaptive security. Risk scores for each tenant are mapped to enforcement actions ensuring compliance with updated policies . Enforcement employs cloud orchestration tools and security controllers to modify configurations dynamically at the infrastructure level.
Compliance feedback loops are established, wherein enforcement outcomes and event alerts are fed back into the monitoring system, closing the control loop. This cyclical process enables continuous refinement of risk assessment and policy adaptation, ensuring that the cloud environment remains resilient against emerging threats while maintaining performance for all tenants.
5. Implementation Details
This section describes the practical aspects of implementing the proposed intelligent risk assessment framework, covering environment setup, software tools, learning agent training, and deployment of adaptive policies within a simulated multi-tenant cloud.
5.1. Cloud Testbed Setup and Multi-Tenant Environment Simulation
The framework was implemented on a controlled cloud testbed designed to emulate a multi-tenant environment. The testbed comprised virtualized infrastructure resources structured to host multiple tenants with isolated virtual machines (VMs) or containers. Each tenant was assigned distinct workloads and security profiles to reflect heterogeneity in real cloud deployments.
Network segmentation and virtual LANs (VLANs) were established to simulate inter-tenant communication and potential lateral movement scenarios. Realistic traffic generation tools were employed to mimic diverse user activities and common threat types such as scanning, brute-force, and distributed denial-of-service (DDoS) attacks. This setup provided a dynamic and complex environment for the evaluation of the risk assessment and policy adaptation modules.
5.2. Tools, Frameworks, and Algorithms Used
The implementation leveraged several state-of-the-art tools and frameworks:
Cloud Management: OpenStack was utilized to orchestrate the multi-tenant cloud infrastructure due to its modularity and support for tenant isolation.
Monitoring and Data Collection: Prometheus and ELK Stack (Elasticsearch, Logstash, Kibana) were deployed to collect, aggregate, and visualize telemetry data.
Deep Reinforcement Learning: TensorFlow and PyTorch frameworks powered the DRL model. The Deep Q-Network (DQN) algorithm with experience replay and target networks was selected for its robustness in handling high-dimensional state spaces.
Policy Enforcement: Policy updates were enforced via OpenStack’s security groups, firewall APIs, and software-defined networking (SDN) controllers such as Open Daylight.
Custom scripts and APIs integrated these components to enable seamless data flow between modules and automated policy adaptation.
5.3. Training the Reinforcement Learning Agent
The DRL agent was trained using episodic interaction with the testbed environment, simulating tenant activities and security events over time. The state space incorporated aggregated features such as resource utilization metrics, detected anomalies, and threat indicators for each tenant. Actions included adjusting access controls, modifying firewall rules, and reallocating monitoring resources.
Training leveraged an experience replay buffer to store transitions (state, action, reward, next state) and employed the temporal difference loss function to update network weights. Hyperparameters such as learning rate, discount factor, and exploration-exploitation balance were tuned to optimize convergence speed and policy effectiveness.
Validation phases tested the agent’s ability to detect emerging threats and recommend policy changes across varying threat intensities and tenant behaviours, ensuring robustness and generalization.
5.4. Policy Deployment Mechanism
Policy deployment was automated through an orchestration layer interfacing with cloud management APIs. Upon receiving updated policy parameters from the adaptation engine, configuration scripts translated these into concrete security controls applied at network, host, and application levels.
Enforcement included dynamic updates to OpenStack security group rules and SDN flow entries to isolate suspicious tenants or restrict risky network flows. The mechanism ensured zero downtime by asynchronously applying changes with rollback capabilities.
Continuous monitoring of enforcement effectiveness fed back into the agent’s learning loop, enabling ongoing refinement of risk assessments and adaptive responses within the multi-tenant cloud environment.
6. Experimental Results and Analysis
This section presents an evaluation of the proposed framework’s performance in intelligent risk assessment within multi-tenant cloud environments, focusing on metrics that gauge the effectiveness of the deep reinforcement learning (DRL) model and adaptive security policies.
6.1. Evaluation Metrics for Risk Assessment
To assess the risk assessment system comprehensively, several metrics were employed:
Accuracy: Measures the proportion of correct risk identifications (true positives and true negatives) among all predictions, critical for ensuring reliable threat detection.
Precision and Recall: Precision quantifies the correctness of identified risks, whereas recall assesses the system’s ability to detect all true risks, both balanced for realistic performance.
F1-Score: The harmonic mean of precision and recall provides a single, balanced performance indicator.
Convergence Rate: Evaluates the DRL agent’s learning speed and stability by monitoring the cumulative rewards and loss functions during training.
Policy Adaptation Efficiency: Measured by the responsiveness and effectiveness of security policy changes in reducing detected risk levels.
False Positive and False Negative Rates: Important for reducing unnecessary disruptions and missed attacks, respectively.
6.2. Performance of DRL-Based Risk Identification
The DRL model demonstrated strong capability in identifying complex, evolving threat patterns across tenants. Training convergence was achieved within reasonable epochs, with the agent effectively optimizing a policy to maximize risk mitigation rewards.
The model consistently outperformed baseline static and rule-based risk classifiers, exhibiting higher recall and precision. Notably, the DRL agent adapted quickly to new attack vectors introduced during simulation, showcasing robustness to dynamic threat scenarios. The temporal difference learning approach enabled fast refinement of risk predictions through experience replay, enhancing decision accuracy in real time.
6.3. Effectiveness of Adaptive Policies in Risk Mitigation
Adaptive security policies driven by the DRL agent’s output were shown to effectively mitigate risks while balancing cloud performance demands. Empirical results confirmed that tightening policies in response to higher risk scores significantly reduced breach attempts and suspicious activities without causing undue resource throttling.
When risk levels dropped, policy relaxation improved tenant experience and resource utilization. The closed feedback loop ensured continuous refinement, enabling the system to maintain an optimal security-performance trade-off. Further, tenant-specific policy adjustments ensured isolation and avoided adverse cross-tenant interference.
6.4. Comparative Analysis with Traditional Risk Assessment Approaches
Compared to traditional static or signature-based risk assessment frameworks, the proposed DRL-integrated model showed distinct advantages:
Table 1.
Comparative Analysis with Traditional Risk Assessment Approaches.
Table 1.
Comparative Analysis with Traditional Risk Assessment Approaches.
| Aspect |
Traditional Methods |
DRL-Based Framework |
| Adaptability |
Limited; reactive to known threats |
Proactive; learns evolving threats |
| Policy Dynamics |
Static or manually updated |
Automated, dynamic, tenant-specific |
| Detection Accuracy |
Moderate; high false positives/negatives |
Higher precision and recall |
| Scalability |
Limited in high tenant/resource diversity |
Handles high-dimensional states well |
| Response Time |
Often delayed by manual intervention |
Real-time policy adaptation |
7. Discussion
This section discusses the broader implications of intelligent risk assessment in multi-tenant cloud environments, focusing on benefits, implementation challenges, and critical considerations for security, scalability, and resource optimization.
7.1. Benefits of Intelligent Risk Assessment in Multi-Tenant Environments
Intelligent risk assessment frameworks offer substantial advantages in managing complex security requirements inherent in multi-tenant clouds. By continuously learning from dynamic environmental data, these frameworks deliver proactive and adaptive threat detection that significantly reduces the window of vulnerability. They enable tenant-specific risk profiling and personalized security policies, improving confidentiality and isolation despite the shared infrastructure. Additionally, automation reduces the manual burden on administrators, accelerating response times while minimizing human error. Enhanced detection accuracy and real-time adaptability ultimately strengthen regulatory compliance, build tenant trust, and optimize cost efficiency by balancing security with performance.
7.2. Challenges in Real-World Implementation
Despite the many benefits, implementing such frameworks in production multi-tenant clouds faces notable challenges. Large-scale environments generate massive volumes of diverse telemetry data, which require sophisticated preprocessing and scalable storage solutions. The complexity of training and deploying deep reinforcement learning agents that generalize well across heterogeneous tenant behaviours is non-trivial. Furthermore, ensuring policy changes do not disrupt tenant operations or violate service level agreements (SLAs) demands careful orchestration and rollback mechanisms. Inter-tenant policy conflicts and intricate compliance requirements pose additional obstacles to seamless security enforcement. Lastly, maintaining data privacy during shared model training remains a concern, often necessitating advanced techniques like federated learning.
7.3. Security, Scalability, and Resource Optimization Considerations
Security in multi-tenant clouds hinges on robust isolation, fine-grained access control, and continuous monitoring. Intelligent risk assessment frameworks must ensure that adaptive policies strictly enforce tenant segregation to prevent lateral attacks and data leakage. Scalability is critical, demanding that learning models and enforcement mechanisms efficiently handle growing tenant numbers and fluctuating workloads without degradation. Resource optimization involves balancing detection precision with computational overhead, ensuring that risk assessment processes do not exhaust cloud resources or impair tenant performance. Leveraging cloud-native orchestration and containerization aids in scaling both monitoring and enforcement modules dynamically, while algorithmic optimizations in learning architectures reduce training latency and inference costs, achieving an effective security-performance equilibrium.
8. Case Study
This case study demonstrates the application of the proposed intelligent risk assessment framework using deep reinforcement learning (DRL) and adaptive security policies in a realistic multi-tenant cloud scenario, highlighting its effectiveness in detecting and mitigating dynamic threats.
8.1. Application of the Proposed Framework in a Realistic Cloud Use Case
The framework was deployed on an AWS-based multi-tenant cloud environment setting where multiple tenants hosted diverse applications with varying sensitivity and security requirements. The DRL agent was integrated to monitor cloud telemetry data including AWS CloudTrail logs, network traffic, and threat intelligence feeds to continuously evaluate risk levels across tenants.
The agent’s action space included modifying firewall rules, adjusting Identity and Access Management (IAM) policies, and reallocating monitoring resources dynamically. Adaptive security policies formulated by the system responded to real-time risk assessments by tightening controls on suspicious tenants and relaxing them for normal operations to optimize resource use.
Simulated attacks such as port scans, SQL injection, brute force attempts, and insider threats were orchestrated against tenant workloads to evaluate the system’s responsiveness and accuracy in risk identification and mitigation.
8.2. Results and Observations
The DRL-based framework demonstrated superior performance compared to static policy baselines, with intrusion detection rates reaching approximately 92%, an improvement of 10% over conventional methods. Moreover, the system reduced the mean time to detect and respond to incidents by about 58%, enabling faster containment of threats.
Adaptive policies proved effective in isolating malicious activities while minimizing disruptions to legitimate tenant operations. Policy adjustments based on continuous risk scoring allowed the cloud infrastructure to dynamically balance security and performance.
Resource utilization remained efficient, with no significant overhead introduced by the adaptive enforcement mechanism. Tenant-specific policy adaptation preserved isolation and prevented cross-tenant policy conflicts, a crucial factor in multi-tenant security.
Overall, the case study validates that integrating deep reinforcement learning with adaptive security policies in multi-tenant clouds can substantially enhance security posture, responsiveness, and operational efficiency, establishing a practical path for real-world deployment of intelligent cloud risk assessment solutions.
Conclusion and Future Work
The exploration of intelligent risk assessment in multi-tenant cloud environments using deep reinforcement learning (DRL) and adaptive security policies has demonstrated a promising approach to overcoming the growing complexity and dynamism of modern cloud threats. The proposed framework effectively integrates continuous learning capabilities via DRL to identify evolving risks and dynamically adjusts security policies tailored to tenant-specific requirements. Experimental results and case study implementations confirmed significant improvements in threat detection accuracy, response times, and policy efficiency compared to traditional static methods. This intelligent, automated approach enhances cloud security posture while optimizing resource utilization and maintaining operational performance.
Looking forward, future work will focus on expanding the framework’s scalability and generalizability to larger, heterogeneous multi-cloud ecosystems. Incorporating federated learning techniques could address privacy concerns and enable collaborative learning across cloud providers without data sharing. Additionally, exploring hybrid DRL models and integrating explainable AI components can improve transparency and trust in automated risk assessment decisions. Further research will also consider real-time mitigation strategies and policy conflict resolution in highly dynamic multi-tenant environments. These advancements will contribute toward resilient, adaptive cloud security architectures capable of proactively safeguarding increasingly complex digital infrastructures.
References
- Sharma, T., Reddy, D. N., Kaur, C., Godla, S. R., Salini, R., Gopi, A., & Baker El-Ebiary, Y. A. (2024). Federated Convolutional Neural Networks for Predictive Analysis of Traumatic Brain Injury: Advancements in Decentralized Health Monitoring. International Journal of Advanced Computer Science & Applications, 15(4). [CrossRef]
- Prabhu Kavin, B., Karki, S., Hemalatha, S., Singh, D., Vijayalakshmi, R., Thangamani, M., ... & Adigo, A. G. (2022). Machine learning-based secure data acquisition for fake accounts detection in future mobile communication networks. Wireless Communications and Mobile Computing, 2022(1), 6356152. [CrossRef]
- Raja, A. S., Peerbasha, S., Iqbal, Y. M., Sundarvadivazhagan, B., & Surputheen, M. M. (2023). Structural Analysis of URL For Malicious URL Detection Using Machine Learning. Journal of Advanced Applied Scientific Research, 5(4), 28-41. [CrossRef]
- Mohan, M., Veena, G. N., Pavitha, U. S., & Vinod, H. C. (2023). Analysis of ECG data to detect sleep apnea using deep learning. Journal of Survey in Fisheries Sciences, 10(4S), 371-376.
- Thamilarasi, V., & Roselin, R. (2021, February). Automatic classification and accuracy by deep learning using cnn methods in lung chest X-ray images. In IOP Conference Series: Materials Science and Engineering (Vol. 1055, No. 1, p. 012099). IOP Publishing.
- Inbaraj, R., & Ravi, G. (2020). A survey on recent trends in content based image retrieval system. Journal of Critical Reviews, 7(11), 961-965.
- Saravanan, V., Sumalatha, A., Reddy, D. N., Ahamed, B. S., & Udayakumar, K. (2024, October). Exploring Decentralized Identity Verification Systems Using Blockchain Technology: Opportunities and Challenges. In 2024 5th IEEE Global Conference for Advancement in Technology (GCAT) (pp. 1-6). IEEE.
- Kalaiselvi, B., & Thangamani, M. (2020). An efficient Pearson correlation based improved random forest classification for protein structure prediction techniques. Measurement, 162, 107885. [CrossRef]
- Peerbasha, S., & Surputheen, M. M. (2021). Prediction of Academic Performance of College Students with Bipolar Disorder using different Deep learning and Machine learning algorithms. International Journal of Computer Science & Network Security, 21(7), 350-358.
- Vinod, H. C., & Niranjan, S. K. (2018, January). Multi-level skew correction approach for hand written Kannada documents. In International Conference on Information Technology & Systems (pp. 376-386). Cham: Springer International Publishing.
- Thamilarasi, V., & Roselin, R. (2019). Lung segmentation in chest X-ray images using Canny with morphology and thresholding techniques. Int. j. adv. innov. res, 6(1), 1-7.
- Inbaraj, R., & Ravi, G. (2021). Content Based Medical Image Retrieval System Based On Multi Model Clustering Segmentation And Multi-Layer Perception Classification Methods. Turkish Online Journal of Qualitative Inquiry, 12(7).
- Arunachalam, S., Kumar, A. K. V., Reddy, D. N., Pathipati, H., Priyadarsini, N. I., & Ramisetti, L. N. B. (2025). Modeling of chimp optimization algorithm node localization scheme in wireless sensor networks. Int J Reconfigurable & Embedded Syst, 14(1), 221-230. [CrossRef]
- Geeitha, S., & Thangamani, M. (2018). Incorporating EBO-HSIC with SVM for gene selection associated with cervical cancer classification. Journal of medical systems, 42(11), 225. [CrossRef]
- Peerbasha, S., & Surputheen, M. M. (2021). A Predictive Model to identify possible affected Bipolar disorder students using Naive Baye’s, Random Forest and SVM machine learning techniques of data mining and Building a Sequential Deep Learning Model using Keras. International Journal of Computer Science & Network Security, 21(5), 267-274.
- Vinod, H. C., Niranjan, S. K., & Aradhya, V. M. (2014, November). An application of Fourier statistical features in scene text detection. In 2014 International Conference on Contemporary Computing and Informatics (IC3I) (pp. 1154-1159). IEEE.
- Thamilarasi, V., & Roselin, R. (2019). Automatic thresholding for segmentation in chest X-ray images based on green channel using mean and standard deviation. International Journal of Innovative Technology and Exploring Engineering (IJITEE), 8(8), 695-699.
- Inbaraj, R., & Ravi, G. (2021). Multi Model Clustering Segmentation and Intensive Pragmatic Blossoms (Ipb) Classification Method based Medical Image Retrieval System. Annals of the Romanian Society for Cell Biology, 25(3), 7841-7852.
- Saravanan, V., Upender, T., Ruby, E. K., Deepalakshmi, P., Reddy, D. N., & SN, A. (2024, October). Machine Learning Approaches for Advanced Threat Detection in Cyber Security. In 2024 5th IEEE Global Conference for Advancement in Technology (GCAT) (pp. 1-6). IEEE.
- Thangamani, M., & Thangaraj, P. (2010). Integrated Clustering and Feature Selection Scheme for Text Documents. Journal of Computer Science, 6(5), 536. [CrossRef]
- Naveen, I. G., Peerbasha, S., Fallah, M. H., Jebaseeli, S. K., & Das, A. (2024, October). A machine learning approach for wastewater treatment using feedforward neural network and batch normalization. In 2024 First International Conference on Software, Systems and Information Technology (SSITCON) (pp. 1-5). IEEE.
- Vinod, H. C., Niranjan, S. K., & Anoop, G. L. (2013). Detection, extraction and segmentation of video text in complex background. International Journal on Advanced Computer Theory and Engineering, 5, 117-123.
- Asaithambi, A., & Thamilarasi, V. (2023, March). Classification of lung chest X-ray images using deep learning with efficient optimizers. In 2023 IEEE 13th Annual Computing and Communication Workshop and Conference (CCWC) (pp. 0465-0469). IEEE.
- Inbaraj, R., & Ravi, G. (2020). Content Based Medical Image Retrieval Using Multilevel Hybrid Clustering Segmentation with Feed Forward Neural Network. Journal of Computational and Theoretical Nanoscience, 17(12), 5550-5562. [CrossRef]
- Reddy, D. N., Venkateswararao, P., Vani, M. S., Pranathi, V., & Patil, A. (2025). HybridPPI: A Hybrid Machine Learning Framework for Protein-Protein Interaction Prediction. Indonesian Journal of Electrical Engineering and Informatics (IJEEI), 13(2). [CrossRef]
- Gangadhar, C., Chanthirasekaran, K., Chandra, K. R., Sharma, A., Thangamani, M., & Kumar, P. S. (2022). An energy efficient NOMA-based spectrum sharing techniques for cell-free massive MIMO. International Journal of Engineering Systems Modelling and Simulation, 13(4), 284-288. [CrossRef]
- Peerbasha, S., Iqbal, Y. M., Surputheen, M. M., & Raja, A. S. (2023). Diabetes prediction using decision tree, random forest, support vector machine, k-nearest neighbors, logistic regression classifiers. JOURNAL OF ADVANCED APPLIED SCIENTIFIC RESEARCH, 5(4), 42-54. [CrossRef]
- Vinod, H. C., & Niranjan, S. K. (2020). Camera captured document de-warping and de-skewing. Journal of Computational and Theoretical Nanoscience, 17(9-10), 4398-4403. [CrossRef]
- Thamilarasi, V., & Roselin, R. (2021). U-NET: convolution neural network for lung image segmentation and classification in chest X-ray images. INFOCOMP: Journal of Computer Science, 20(1), 101-108.
- Rao, A. S., Reddy, Y. J., Navya, G., Gurrapu, N., Jeevan, J., Sridhar, M., ... & Anand, D. High-performance sentiment classification of product reviews using GPU (parallel)-optimized ensembled methods. [CrossRef]
- Peerbasha, S., Habelalmateen, M. I., & Saravanan, T. (2025, January). Multimodal Transformer Fusion for Sentiment Analysis using Audio, Text, and Visual Cues. In 2025 International Conference on Intelligent Systems and Computational Networks (ICISCN) (pp. 1-6). IEEE.
- Vinod, H. C., & Niranjan, S. K. (2018, August). Binarization and segmentation of Kannada handwritten document images. In 2018 Second International Conference on Green Computing and Internet of Things (ICGCIoT) (pp. 488-493). IEEE.
- Thamilarasi, V., Naik, P. K., Sharma, I., Porkodi, V., Sivaram, M., & Lawanyashri, M. (2024, March). Quantum computing-navigating the frontier with Shor’s algorithm and quantum cryptography. In 2024 International conference on trends in quantum computing and emerging business technologies (pp. 1-5). IEEE.
- Kamatchi, S., Preethi, S., Kumar, K. S., Reddy, D. N., & Karthick, S. (2025, May). Multi-Objective Genetic Algorithm Optimised Convolutional Neural Networks for Improved Pancreatic Cancer Detection. In 2025 3rd International Conference on Data Science and Information System (ICDSIS) (pp. 1-7). IEEE.
- Abdul Samad, S. R., Ganesan, P., Al-Kaabi, A. S., Rajasekaran, J., & Basha, P. S. (2024). Automated Detection of Malevolent Domains in Cyberspace Using Natural Language Processing and Machine Learning. International Journal of Advanced Computer Science & Applications, 15(10). [CrossRef]
- Vinod, H. C., & Niranjan, S. K. (2017, November). De-warping of camera captured document images. In 2017 IEEE International Symposium on Consumer Electronics (ISCE) (pp. 13-18). IEEE.
- Thamilarasi, V., & Roselin, R. (2019). Survey on Lung Segmentation in Chest X-Ray Images. The International Journal of Analytical and Experimental Modal Analysis, 1-9.
- Nimma, D., Rao, P. L., Ramesh, J. V. N., Dahan, F., Reddy, D. N., Selvakumar, V., ... & Jangir, P. (2025). Reinforcement Learning-Based Integrated Risk Aware Dynamic Treatment Strategy for Consumer-Centric Next-Gen Healthcare. IEEE Transactions on Consumer Electronics. [CrossRef]
- Peerbasha, S., Alsalami, Z., Almusawi, M., Sheeba, B., & Malathy, V. (2024, November). An Intelligent Personalized Music Recommendation System Using Content-Based Filtering with Convolutional Recurrent Neural Network. In 2024 International Conference on Integrated Intelligence and Communication Systems (ICIICS) (pp. 1-5). IEEE.
- Kakde, S., Pavitha, U. S., Veena, G. N., & Vinod, H. C. (2022). Implementation of A Semi-Automatic Approach to CAN Protocol Testing for Industry 4.0 Applications. Advances in Industry 4.0: Concepts and Applications, 5, 203.
- Thamilarasi, V., Asaithambi, A., & Roselin, R. (2025). ENHANCED ENSEMBLE SEGMENTATION OF LUNG CHEST X-RAY IMAGES BY DENOISING AUTOENCODER AND CLAHE. ICTACT Journal on Image & Video Processing, 15(3).
- Madhumathy, P., Saravanakumar, R., Umamaheswari, R., Juliette Albert, A., & Devasenapathy, D. (2024). Optimizing design and manufacturing processes with an effective algorithm using anti-collision enabled robot processor. International Journal on Interactive Design and Manufacturing (IJIDeM), 18(8), 5469-5477. [CrossRef]
- Boopathy, D., & Balaji, P. (2023). Effect of different plyometric training volume on selected motor fitness components and performance enhancement of soccer players. Ovidius University Annals, Series Physical Education and Sport/Science, Movement and Health, 23(2), 146-154.
- Raja, M. W., & Nirmala, D. K. (2016). Agile development methods for online training courses web application development. International Journal of Applied Engineering Research ISSN, 0973-4562.
- Vidyabharathi, D., Mohanraj, V., Kumar, J. S., & Suresh, Y. (2023). Achieving generalization of deep learning models in a quick way by adapting T-HTR learning rate scheduler. Personal and Ubiquitous Computing, 27(3), 1335-1353. [CrossRef]
- Niasi, K. S. K., Kannan, E., & Suhail, M. M. (2016). Page-level data extraction approach for web pages using data mining techniques. International Journal of Computer Science and Information Technologies, 7(3), 1091-1096.
- Thamilarasi, V. A Detection of Weed in Agriculture Using Digital Image Processing. International Journal of Computational Research and Development, ISSN, 2456-3137.
- Sureshkumar, T. (2015). Usage of Electronic Resources Among Science Research Scholars in Tamil Nadu Universities A Study.
- Arul Selvan, M. (2025). Detection of Chronic Kidney Disease Through Gradient Boosting Algorithm Combined with Feature Selection Techniques for Clinical Applications.
- Shylaja, B., & Kumar, S. (2018). Traditional versus modern missing data handling techniques: An overview. International Journal of Pure and Applied Mathematics, 118(14), 77-84.
- Sureshkumar, T., Charanya, J., Kumaresan, T., Rajeshkumar, G., Kumar, P. K., & Anuj, B. (2024, April). Envisioning Educational Success Through Advanced Analytics and Intelligent Performance Prediction. In 2024 10th International Conference on Communication and Signal Processing (ICCSP) (pp. 1649-1654). IEEE.
- Niasi, K. S. K., & Kannan, E. Multi Agent Approach for Evolving Data Mining in Parallel and Distributed Systems using Genetic Algorithms and Semantic Ontology.
- Jaishankar, B., Ashwini, A. M., Vidyabharathi, D., & Raja, L. (2023). A novel epilepsy seizure prediction model using deep learning and classification. Healthcare analytics, 4, 100222. [CrossRef]
- Raja, M. W. (2024). Artificial intelligence-based healthcare data analysis using multi-perceptron neural network (MPNN) based on optimal feature selection. SN Computer Science, 5(8), 1034. [CrossRef]
- Boopathy, D., & Balaji, D. P. Training outcomes of yogic practices and aerobic dance on selected health related physical fitness variables among tamilnadu male artistic gymnasts. Sports and Fitness, 28.
- Saravana Kumar, R., & Tholkappia Arasu, G. (2017). Rough set theory and fuzzy logic based warehousing of heterogeneous clinical databases. International Journal of Uncertainty, Fuzziness and Knowledge-Based Systems, 25(03), 385-408. [CrossRef]
- Boopathy, D. Training Outcomes Of Yogic Practices And Plyometrics On Selected Motor Fitness Among The Men Artistic Gymnasts.
- Raja, M. W., & Nirmala, K. INTERNATIONAL JOURNAL OF ENGINEERING SCIENCES & RESEARCH TECHNOLOGY AN EXTREME PROGRAMMING METHOD FOR E-LEARNING COURSE FOR WEB APPLICATION DEVELOPMENT.
- Hamed, S., Mesleh, A., & Arabiyyat, A. (2021). Breast cancer detection using machine learning algorithms. International Journal of Computer Science and Mobile Computing, 10(11), 4-11. [CrossRef]
- Boopathy, D., & Balaji, D. P. Research Paper Open Access.
- Kaladevi, A. C., Saravanakumar, R., Veena, K., Muthukumaran, V., Thillaiarasu, N., & Kumar, S. S. (2022). Data analytics on eco-conditional factors affecting speech recognition rate of modern interaction systems. Journal of Mobile Multimedia, 18(4), 1153-1176. [CrossRef]
- Marimuthu, M., Mohanraj, G., Karthikeyan, D., & Vidyabharathi, D. (2023). RETRACTED: Safeguard confidential web information from malicious browser extension using Encryption and Isolation techniques. Journal of Intelligent & Fuzzy Systems, 45(4), 6145-6160.
- Banu, S. S., Niasi, K. S. K., & Kannan, E. (2019). Classification Techniques on Twitter Data: A Review. Asian Journal of Computer Science and Technology, 8(S2), 66-69. [CrossRef]
- Sureshkumar, T., & Hussain, A. A. Digital Library Usage of Research in the field of Physical Education and Sports.
- Boopathy, D., Balaji, D. P., & Dayanandan, K. J. THE TRAINING OUTCOMES OF COMBINED PLYOMETRICS AND YOGIC PRACTICES ON SELECTED MOTOR FITNESS VARIABLES AMONG MALE GYMNASTS.
- Charanya, J., Sureshkumar, T., Kavitha, V., Nivetha, I., Pradeep, S. D., & Ajay, C. (2024, June). Customer Churn Prediction Analysis for Retention Using Ensemble Learning. In 2024 15th International Conference on Computing Communication and Networking Technologies (ICCCNT) (pp. 1-10). IEEE.
- Dhanwanth, B., Saravanakumar, R., Tamilselvi, T., & Revathi, K. (2023). A smart remote monitoring system for prenatal care in rural areas. International Journal on Recent and Innovation Trends in Computing and Communication, 11(3), 30-36. [CrossRef]
- Boopathy, D., & PrasannaBalaji, D. EFFECT OF YOGASANAS ON ARM EXPLOSIVE POWER AMONG MALE ARTISTIC GYMNASTS.
- Lavanya, R., Vidyabharathi, D., Kumar, S. S., Mali, M., Arunkumar, M., Aravinth, S. S., ... & Tesfayohanis, M. (2023). [Retracted] Wearable Sensor-Based Edge Computing Framework for Cardiac Arrhythmia Detection and Acute Stroke Prediction. Journal of Sensors, 2023(1), 3082870.
- Selvam, P., Faheem, M., Dakshinamurthi, V., Nevgi, A., Bhuvaneswari, R., Deepak, K., & Sundar, J. A. (2024). Batch normalization free rigorous feature flow neural network for grocery product recognition. IEEE Access, 12, 68364-68381. [CrossRef]
- Mubsira, M., & Niasi, K. S. K. (2018). Prediction of Online Products using Recommendation Algorithm.
- Vidyabharathi, D., & Mohanraj, V. (2023). Hyperparameter Tuning for Deep Neural Networks Based Optimization Algorithm. Intelligent Automation & Soft Computing, 36(3).
- Lalitha, T., Kumar, R. S., & Hamsaveni, R. (2014). Efficient key management and authentication scheme for wireless sensor networks. American Journal of Applied Sciences, 11(6), 969. [CrossRef]
- Saravanakumar, R., & Nandini, C. (2017). A survey on the concepts and challenges of big data: Beyond the hype. Advances in Computational Sciences and Technology, 10(5), 875-884.
- Boopathy, D., & Prasanna, B. D. IMPACT OF PLYOMETRIC TRAINING ON SELECTED MOTOR FITNESS VARIABLE AMONG MEN ARTISTIC GYMNASTS.
- Niasi, K. S. K., & Kannan, E. (2016). Multi Attribute Data Availability Estimation Scheme for Multi Agent Data Mining in Parallel and Distributed System. International Journal of Applied Engineering Research, 11(5), 3404-3408.
- Marimuthu, M., Vidhya, G., Dhaynithi, J., Mohanraj, G., Basker, N., Theetchenya, S., & Vidyabharathk, D. (2021). Detection of Parkinson’s disease using Machine Learning Approach. Annals of the Romanian Society for Cell Biology, 25(5), 2544-2550.
- Kumar, R. S., & Arasu, G. T. (2015). Modified particle swarm optimization based adaptive fuzzy k-modes clustering for heterogeneous medical databases. J. Sci. Ind. Res, 74(1), 19-28.
- Shylaja, B., & Kumar, R. S. (2022). Deep learning image inpainting techniques: An overview. Grenze Int J Eng Technol, 8(1), 801.
- Boopathy, D., Singh, S. S., & PrasannaBalaji, D. EFFECTS OF PLYOMETRIC TRAINING ON SOCCER RELATED PHYSICAL FITNESS VARIABLES OF ANNA UNIVERSITY INTERCOLLEGIATE FEMALE SOCCER PLAYERS. EMERGING TRENDS OF PHYSICAL EDUCATION AND SPORTS SCIENCE.
- Revathy, G., Ramalingam, A., Karunamoorthi, R., & Saravanakumar, R. (2021). Prediction of long cancer severity with computational intelligence in COVID’19 pandemic.
|
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content. |
© 2025 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (http://creativecommons.org/licenses/by/4.0/).