2,347 results on '"Anwar, Ali"'
Search Results
2. Evaluating Robustness of Reinforcement Learning Algorithms for Autonomous Shipping
- Author
-
Lesy, Bavo, Anwar, Ali, and Mercelis, Siegfried
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence - Abstract
Recently, there has been growing interest in autonomous shipping due to its potential to improve maritime efficiency and safety. The use of advanced technologies, such as artificial intelligence, can address the current navigational and operational challenges in autonomous shipping. In particular, inland waterway transport (IWT) presents a unique set of challenges, such as crowded waterways and variable environmental conditions. In such dynamic settings, the reliability and robustness of autonomous shipping solutions are critical factors for ensuring safe operations. This paper examines the robustness of benchmark deep reinforcement learning (RL) algorithms, implemented for IWT within an autonomous shipping simulator, and their ability to generate effective motion planning policies. We demonstrate that a model-free approach can achieve an adequate policy in the simulator, successfully navigating port environments never encountered during training. We focus particularly on Soft-Actor Critic (SAC), which we show to be inherently more robust to environmental disturbances compared to MuZero, a state-of-the-art model-based RL algorithm. In this paper, we take a significant step towards developing robust, applied RL frameworks that can be generalized to various vessel types and navigate complex port- and inland environments and scenarios., Comment: 5 pages, 4 figures. Will be presented at IEEE RAAI 2024
- Published
- 2024
3. MAP: Multi-Human-Value Alignment Palette
- Author
-
Wang, Xinran, Le, Qi, Ahmed, Ammar, Diao, Enmao, Zhou, Yi, Baracaldo, Nathalie, Ding, Jie, and Anwar, Ali
- Subjects
Computer Science - Artificial Intelligence ,Computer Science - Computers and Society ,Computer Science - Emerging Technologies ,Computer Science - Human-Computer Interaction ,Computer Science - Machine Learning - Abstract
Ensuring that generative AI systems align with human values is essential but challenging, especially when considering multiple human values and their potential trade-offs. Since human values can be personalized and dynamically change over time, the desirable levels of value alignment vary across different ethnic groups, industry sectors, and user cohorts. Within existing frameworks, it is hard to define human values and align AI systems accordingly across different directions simultaneously, such as harmlessness, helpfulness, and positiveness. To address this, we develop a novel, first-principle approach called Multi-Human-Value Alignment Palette (MAP), which navigates the alignment across multiple human values in a structured and reliable way. MAP formulates the alignment problem as an optimization task with user-defined constraints, which define human value targets. It can be efficiently solved via a primal-dual approach, which determines whether a user-defined alignment target is achievable and how to achieve it. We conduct a detailed theoretical analysis of MAP by quantifying the trade-offs between values, the sensitivity to constraints, the fundamental connection between multi-value alignment and sequential alignment, and proving that linear weighted rewards are sufficient for multi-value alignment. Extensive experiments demonstrate MAP's ability to align multiple values in a principled manner while delivering strong empirical performance across various tasks.
- Published
- 2024
4. Towards Scalable Quantum Networks
- Author
-
Howe, Connor, Aziz, Mohsin, and Anwar, Ali
- Subjects
Computer Science - Emerging Technologies ,Computer Science - Networking and Internet Architecture - Abstract
This paper presents a comprehensive study on the scalability challenges and opportunities in quantum communication networks, with the goal of determining parameters that impact networks most as well as the trends that appear when scaling networks. We design simulations of quantum networks comprised of router nodes made up of trapped-ion qubits, separated by quantum repeaters in the form of Bell State Measurement (BSM) nodes. Such networks hold the promise of securely sharing quantum information and enabling high-power distributed quantum computing. Despite the promises, quantum networks encounter scalability issues due to noise and operational errors. Through a modular approach, our research aims to surmount these challenges, focusing on effects from scaling node counts and separation distances while monitoring low-quality communication arising from decoherence effects. We aim to pinpoint the critical features within networks essential for advancing scalable, large-scale quantum computing systems. Our findings underscore the impact of several network parameters on scalability, highlighting a critical insight into the trade-offs between the number of repeaters and the quality of entanglement generated. This paper lays the groundwork for future explorations into optimized quantum network designs and protocols., Comment: 10 pages, 11 figures
- Published
- 2024
5. HERL: Tiered Federated Learning with Adaptive Homomorphic Encryption using Reinforcement Learning
- Author
-
Tang, Jiaxang, Fayyaz, Zeshan, Salahuddin, Mohammad A., Boutaba, Raouf, Zhang, Zhi-Li, and Anwar, Ali
- Subjects
Computer Science - Cryptography and Security ,Computer Science - Distributed, Parallel, and Cluster Computing - Abstract
Federated Learning is a well-researched approach for collaboratively training machine learning models across decentralized data while preserving privacy. However, integrating Homomorphic Encryption to ensure data confidentiality introduces significant computational and communication overheads, particularly in heterogeneous environments where clients have varying computational capacities and security needs. In this paper, we propose HERL, a Reinforcement Learning-based approach that uses Q-Learning to dynamically optimize encryption parameters, specifically the polynomial modulus degree, $N$, and the coefficient modulus, $q$, across different client tiers. Our proposed method involves first profiling and tiering clients according to the chosen clustering approach, followed by dynamically selecting the most suitable encryption parameters using an RL-agent. Experimental results demonstrate that our approach significantly reduces the computational overhead while maintaining utility and a high level of security. Empirical results show that HERL improves utility by 17%, reduces the convergence time by up to 24%, and increases convergence efficiency by up to 30%, with minimal security loss.
- Published
- 2024
6. Personalized Federated Learning Techniques: Empirical Analysis
- Author
-
Khan, Azal Ahmad, Khan, Ahmad Faraz, Ali, Haider, and Anwar, Ali
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence ,Computer Science - Cryptography and Security - Abstract
Personalized Federated Learning (pFL) holds immense promise for tailoring machine learning models to individual users while preserving data privacy. However, achieving optimal performance in pFL often requires a careful balancing act between memory overhead costs and model accuracy. This paper delves into the trade-offs inherent in pFL, offering valuable insights for selecting the right algorithms for diverse real-world scenarios. We empirically evaluate ten prominent pFL techniques across various datasets and data splits, uncovering significant differences in their performance. Our study reveals interesting insights into how pFL methods that utilize personalized (local) aggregation exhibit the fastest convergence due to their efficiency in communication and computation. Conversely, fine-tuning methods face limitations in handling data heterogeneity and potential adversarial attacks while multi-objective learning methods achieve higher accuracy at the cost of additional training and resource consumption. Our study emphasizes the critical role of communication efficiency in scaling pFL, demonstrating how it can significantly affect resource usage in real-world deployments.
- Published
- 2024
7. DynamicFL: Federated Learning with Dynamic Communication Resource Allocation
- Author
-
Le, Qi, Diao, Enmao, Wang, Xinran, Tarokh, Vahid, Ding, Jie, and Anwar, Ali
- Subjects
Computer Science - Machine Learning - Abstract
Federated Learning (FL) is a collaborative machine learning framework that allows multiple users to train models utilizing their local data in a distributed manner. However, considerable statistical heterogeneity in local data across devices often leads to suboptimal model performance compared with independently and identically distributed (IID) data scenarios. In this paper, we introduce DynamicFL, a new FL framework that investigates the trade-offs between global model performance and communication costs for two widely adopted FL methods: Federated Stochastic Gradient Descent (FedSGD) and Federated Averaging (FedAvg). Our approach allocates diverse communication resources to clients based on their data statistical heterogeneity, considering communication resource constraints, and attains substantial performance enhancements compared to uniform communication resource allocation. Notably, our method bridges the gap between FedSGD and FedAvg, providing a flexible framework leveraging communication heterogeneity to address statistical heterogeneity in FL. Through extensive experiments, we demonstrate that DynamicFL surpasses current state-of-the-art methods with up to a 10% increase in model accuracy, demonstrating its adaptability and effectiveness in tackling data statistical heterogeneity challenges.
- Published
- 2024
8. Improving classification of road surface conditions via road area extraction and contrastive learning
- Author
-
Trinh, Linh, Anwar, Ali, and Mercelis, Siegfried
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Maintaining roads is crucial to economic growth and citizen well-being because roads are a vital means of transportation. In various countries, the inspection of road surfaces is still done manually, however, to automate it, research interest is now focused on detecting the road surface defects via the visual data. While, previous research has been focused on deep learning methods which tend to process the entire image and leads to heavy computational cost. In this study, we focus our attention on improving the classification performance while keeping the computational cost of our solution low. Instead of processing the whole image, we introduce a segmentation model to only focus the downstream classification model to the road surface in the image. Furthermore, we employ contrastive learning during model training to improve the road surface condition classification. Our experiments on the public RTK dataset demonstrate a significant improvement in our proposed method when compared to previous works., Comment: 7 pages
- Published
- 2024
9. Data selection method for assessment of autonomous vehicles
- Author
-
Trinh, Linh, Anwar, Ali, and Mercelis, Siegfried
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence - Abstract
As the popularity of autonomous vehicles has grown, many standards and regulators, such as ISO, NHTSA, and Euro NCAP, require safety validation to ensure a sufficient level of safety before deploying them in the real world. Manufacturers gather a large amount of public road data for this purpose. However, the majority of these validation activities are done manually by humans. Furthermore, the data used to validate each driving feature may differ. As a result, it is essential to have an efficient data selection method that can be used flexibly and dynamically for verification and validation while also accelerating the validation process. In this paper, we present a data selection method that is practical, flexible, and efficient for assessment of autonomous vehicles. Our idea is to optimize the similarity between the metadata distribution of the selected data and a predefined metadata distribution that is expected for validation. Our experiments on the large dataset BDD100K show that our method can perform data selection tasks efficiently. These results demonstrate that our methods are highly reliable and can be used to select appropriate data for the validation of various safety functions., Comment: 7 pages
- Published
- 2024
10. Multiple data sources and domain generalization learning method for road surface defect classification
- Author
-
Trinh, Linh, Anwar, Ali, and Mercelis, Siegfried
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Roads are an essential mode of transportation, and maintaining them is critical to economic growth and citizen well-being. With the continued advancement of AI, road surface inspection based on camera images has recently been extensively researched and can be performed automatically. However, because almost all of the deep learning methods for detecting road surface defects were optimized for a specific dataset, they are difficult to apply to a new, previously unseen dataset. Furthermore, there is a lack of research on training an efficient model using multiple data sources. In this paper, we propose a method for classifying road surface defects using camera images. In our method, we propose a scheme for dealing with the invariance of multiple data sources while training a model on multiple data sources. Furthermore, we present a domain generalization training algorithm for developing a generalized model that can work with new, completely unseen data sources without requiring model updates. We validate our method using an experiment with six data sources corresponding to six countries from the RDD2022 dataset. The results show that our method can efficiently classify road surface defects on previously unseen data., Comment: 6 pages
- Published
- 2024
11. Robust Model-Based Reinforcement Learning with an Adversarial Auxiliary Model
- Author
-
Herremans, Siemen, Anwar, Ali, and Mercelis, Siegfried
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence - Abstract
Reinforcement learning has demonstrated impressive performance in various challenging problems such as robotics, board games, and classical arcade games. However, its real-world applications can be hindered by the absence of robustness and safety in the learned policies. More specifically, an RL agent that trains in a certain Markov decision process (MDP) often struggles to perform well in nearly identical MDPs. To address this issue, we employ the framework of Robust MDPs (RMDPs) in a model-based setting and introduce a novel learned transition model. Our method specifically incorporates an auxiliary pessimistic model, updated adversarially, to estimate the worst-case MDP within a Kullback-Leibler uncertainty set. In comparison to several existing works, our work does not impose any additional conditions on the training environment, such as the need for a parametric simulator. To test the effectiveness of the proposed pessimistic model in enhancing policy robustness, we integrate it into a practical RL algorithm, called Robust Model-Based Policy Optimization (RMBPO). Our experimental results indicate a notable improvement in policy robustness on high-dimensional MuJoCo control tasks, with the auxiliary model enhancing the performance of the learned policy in distorted MDPs. We further explore the learned deviation between the proposed auxiliary world model and the nominal model, to examine how pessimism is achieved. By learning a pessimistic world model and demonstrating its role in improving policy robustness, our research contributes towards making (model-based) RL more robust., Comment: Will be presented at the RL Safety Workshop at RLC 2024
- Published
- 2024
12. Pathogens associated with the bulb rot of tulip (Tulipa sp)
- Author
-
Nisa, Qadrul, Nisa, Khair Ul, Shahnaz, Efath, and Anwar, Ali
- Published
- 2021
13. ColA: Collaborative Adaptation with Gradient Learning
- Author
-
Diao, Enmao, Le, Qi, Wu, Suya, Wang, Xinran, Anwar, Ali, Ding, Jie, and Tarokh, Vahid
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence - Abstract
A primary function of back-propagation is to compute both the gradient of hidden representations and parameters for optimization with gradient descent. Training large models requires high computational costs due to their vast parameter sizes. While Parameter-Efficient Fine-Tuning (PEFT) methods aim to train smaller auxiliary models to save computational space, they still present computational overheads, especially in Fine-Tuning as a Service (FTaaS) for numerous users. We introduce Collaborative Adaptation (ColA) with Gradient Learning (GL), a parameter-free, model-agnostic fine-tuning approach that decouples the computation of the gradient of hidden representations and parameters. In comparison to PEFT methods, ColA facilitates more cost-effective FTaaS by offloading the computation of the gradient to low-cost devices. We also provide a theoretical analysis of ColA and experimentally demonstrate that ColA can perform on par or better than existing PEFT methods on various benchmarks.
- Published
- 2024
14. MeanCache: User-Centric Semantic Cache for Large Language Model Based Web Services
- Author
-
Gill, Waris, Elidrisi, Mohamed, Kalapatapu, Pallavi, Ahmed, Ammar, Anwar, Ali, and Gulzar, Muhammad Ali
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence ,Computer Science - Computation and Language ,Computer Science - Cryptography and Security ,Computer Science - Distributed, Parallel, and Cluster Computing ,I.2.7 - Abstract
Large Language Models (LLMs) like ChatGPT and Llama have revolutionized natural language processing and search engine dynamics. However, these models incur exceptionally high computational costs. For instance, GPT-3 consists of 175 billion parameters, where inference demands billions of floating-point operations. Caching is a natural solution to reduce LLM inference costs on repeated queries, which constitute about 31% of the total queries. However, existing caching methods are incapable of finding semantic similarities among LLM queries nor do they operate on contextual queries, leading to unacceptable false hit-and-miss rates. This paper introduces MeanCache, a user-centric semantic cache for LLM-based services that identifies semantically similar queries to determine cache hit or miss. Using MeanCache, the response to a user's semantically similar query can be retrieved from a local cache rather than re-querying the LLM, thus reducing costs, service provider load, and environmental impact. MeanCache leverages Federated Learning (FL) to collaboratively train a query similarity model without violating user privacy. By placing a local cache in each user's device and using FL, MeanCache reduces the latency and costs and enhances model performance, resulting in lower false hit rates. MeanCache also encodes context chains for every cached query, offering a simple yet highly effective mechanism to discern contextual query responses from standalone. Our experiments benchmarked against the state-of-the-art caching method, reveal that MeanCache attains an approximately 17% higher F-score and a 20% increase in precision during semantic cache hit-and-miss decisions while performing even better on contextual queries. It also reduces the storage requirement by 83% and accelerates semantic cache hit-and-miss decisions by 11%., Comment: This study presents the first privacy aware semantic cache for LLMs based on Federated Learning. MeanCache is the first cache that can handle contextual queries efficiently. Total pages 14
- Published
- 2024
15. Aerial identification of flashed over faulty insulator using binary image classification
- Author
-
Jiskani, Shafi Muhammad, Hussain, Tanweer, Sahito, Anwar Ali, Shaikh, Faheemullah, and Shah, Ali Akbar
- Published
- 2024
16. Occurrence and Status of Virus Vector Nematodes in Apple Ecosystem of Kashmir, India
- Author
-
Lone, G.M., Zaki, F.A., and Anwar, Ali
- Published
- 2018
17. Everything You Always Wanted to Know About Storage Compressibility of Pre-Trained ML Models but Were Afraid to Ask
- Author
-
Su, Zhaoyuan, Ahmed, Ammar, Wang, Zirui, Anwar, Ali, and Cheng, Yue
- Subjects
Computer Science - Databases ,Computer Science - Machine Learning ,Computer Science - Operating Systems ,H.2.7 - Abstract
As the number of pre-trained machine learning (ML) models is growing exponentially, data reduction tools are not catching up. Existing data reduction techniques are not specifically designed for pre-trained model (PTM) dataset files. This is largely due to a lack of understanding of the patterns and characteristics of these datasets, especially those relevant to data reduction and compressibility. This paper presents the first, exhaustive analysis to date of PTM datasets on storage compressibility. Our analysis spans different types of data reduction and compression techniques, from hash-based data deduplication, data similarity detection, to dictionary-coding compression. Our analysis explores these techniques at three data granularity levels, from model layers, model chunks, to model parameters. We draw new observations that indicate that modern data reduction tools are not effective when handling PTM datasets. There is a pressing need for new compression methods that take into account PTMs' data characteristics for effective storage reduction. Motivated by our findings, we design ELF, a simple yet effective, error-bounded, lossy floating-point compression method. ELF transforms floating-point parameters in such a way that the common exponent field of the transformed parameters can be completely eliminated to save storage space. We develop Elves, a compression framework that integrates ELF along with several other data reduction methods. Elves uses the most effective method to compress PTMs that exhibit different patterns. Evaluation shows that Elves achieves an overall compression ratio of $1.52\times$, which is $1.31\times$, $1.32\times$ and $1.29\times$ higher than a general-purpose compressor (zstd), an error-bounded lossy compressor (SZ3), and the uniform model quantization, respectively, with negligible model accuracy loss., Comment: This paper presents the first, exhaustive analysis to date of PTM datasets on storage compressibility. Motivated by our findings, we design ELF, a simple yet effective, error-bounded, lossy floating-point compression method
- Published
- 2024
18. TraceFL: Interpretability-Driven Debugging in Federated Learning via Neuron Provenance
- Author
-
Gill, Waris, Anwar, Ali, and Gulzar, Muhammad Ali
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence ,Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Distributed, Parallel, and Cluster Computing ,Computer Science - Software Engineering - Abstract
In Federated Learning, clients train models on local data and send updates to a central server, which aggregates them into a global model using a fusion algorithm. This collaborative yet privacy-preserving training comes at a cost--FL developers face significant challenges in attributing global model predictions to specific clients. Localizing responsible clients is a crucial step towards (a) excluding clients primarily responsible for incorrect predictions and (b) encouraging clients who contributed high-quality models to continue participating in the future. Existing ML explainability approaches are inherently inapplicable as they are designed for single-model, centralized training. We introduce TraceFL, a fine-grained neuron provenance capturing mechanism that identifies clients responsible for the global model's prediction by tracking the flow of information from individual clients to the global model. Since inference on different inputs activates a different set of neurons of the global model, TraceFL dynamically quantifies the significance of the global model's neurons in a given prediction. It then selectively picks a slice of the most crucial neurons in the global model and maps them to the corresponding neurons in every participating client to determine each client's contribution, ultimately localizing the responsible client. We evaluate TraceFL on six datasets, including two real-world medical imaging datasets and four neural networks, including advanced models such as GPT. TraceFL achieves 99% accuracy in localizing the responsible client in FL tasks spanning both image and text classification tasks. At a time when state-of-the-art ML debugging approaches are mostly domain-specific (e.g., image classification only), TraceFL is the first technique to enable highly accurate automated reasoning across a wide range of FL applications., Comment: Accepted at 2025 IEEE/ACM 47th International Conference on Software Engineering (ICSE)
- Published
- 2023
19. Elucidating the role of nitrogen and silicon regimes in rice blast management and yield performance of Mushk Budji variety under field conditions
- Author
-
Amin, Zakir, Mohiddin, F. A., Anwar, Ali, Shikari, Asif. B., Bhat, Tauseef A., Wani, Fehim Jeelani, Raja, T. A., Baba, Zahoor Ahmad, Sofi, Najeebul Rehman, Parveen, Shugufta, and Altaf, Heena
- Published
- 2024
- Full Text
- View/download PDF
20. Pathogenic Variability of Fusarium fujikuroi Causing Bakanae Disease of Rice (Oryza sativa L.)
- Author
-
Lone, Z. A., Bhat, Z.A., Najeeb, S., Ahanger, M.A., Bhat, S. J. A., Shikari, Asif B., Anwar, Ali, and Bhat, M.A.
- Published
- 2016
21. SeaDSC: A video-based unsupervised method for dynamic scene change detection in unmanned surface vehicles
- Author
-
Trinh, Linh, Anwar, Ali, and Mercelis, Siegfried
- Subjects
Computer Science - Computer Vision and Pattern Recognition - Abstract
Recently, there has been an upsurge in the research on maritime vision, where a lot of works are influenced by the application of computer vision for Unmanned Surface Vehicles (USVs). Various sensor modalities such as camera, radar, and lidar have been used to perform tasks such as object detection, segmentation, object tracking, and motion planning. A large subset of this research is focused on the video analysis, since most of the current vessel fleets contain the camera's onboard for various surveillance tasks. Due to the vast abundance of the video data, video scene change detection is an initial and crucial stage for scene understanding of USVs. This paper outlines our approach to detect dynamic scene changes in USVs. To the best of our understanding, this work represents the first investigation of scene change detection in the maritime vision application. Our objective is to identify significant changes in the dynamic scenes of maritime video data, particularly those scenes that exhibit a high degree of resemblance. In our system for dynamic scene change detection, we propose completely unsupervised learning method. In contrast to earlier studies, we utilize a modified cutting-edge generative picture model called VQ-VAE-2 to train on multiple marine datasets, aiming to enhance the feature extraction. Next, we introduce our innovative similarity scoring technique for directly calculating the level of similarity in a sequence of consecutive frames by utilizing grid calculation on retrieved features. The experiments were conducted using a nautical video dataset called RoboWhaler to showcase the efficient performance of our technique., Comment: WACV 2024 conference
- Published
- 2023
22. Autonomous Port Navigation With Ranging Sensors Using Model-Based Reinforcement Learning
- Author
-
Herremans, Siemen, Anwar, Ali, Troch, Arne, Ravijts, Ian, Vangeneugden, Maarten, Mercelis, Siegfried, and Hellinckx, Peter
- Subjects
Computer Science - Robotics ,Computer Science - Artificial Intelligence - Abstract
Autonomous shipping has recently gained much interest in the research community. However, little research focuses on inland - and port navigation, even though this is identified by countries such as Belgium and the Netherlands as an essential step towards a sustainable future. These environments pose unique challenges, since they can contain dynamic obstacles that do not broadcast their location, such as small vessels, kayaks or buoys. Therefore, this research proposes a navigational algorithm which can navigate an inland vessel in a wide variety of complex port scenarios using ranging sensors to observe the environment. The proposed methodology is based on a machine learning approach that has recently set benchmark results in various domains: model-based reinforcement learning. By randomizing the port environments during training, the trained model can navigate in scenarios that it never encountered during training. Furthermore, results show that our approach outperforms the commonly used dynamic window approach and a benchmark model-free reinforcement learning algorithm. This work is therefore a significant step towards vessels that can navigate autonomously in complex port scenarios., Comment: Presented at 42nd International Conference on Ocean, Offshore & Arctic Engineering. June 11 - 16, 2023. Melbourne, Australia
- Published
- 2023
- Full Text
- View/download PDF
23. Safety Aware Autonomous Path Planning Using Model Predictive Reinforcement Learning for Inland Waterways
- Author
-
Vanneste, Astrid, Vanneste, Simon, Vasseur, Olivier, Janssens, Robin, Billast, Mattias, Anwar, Ali, Mets, Kevin, De Schepper, Tom, Mercelis, Siegfried, and Hellinckx, Peter
- Subjects
Computer Science - Machine Learning - Abstract
In recent years, interest in autonomous shipping in urban waterways has increased significantly due to the trend of keeping cars and trucks out of city centers. Classical approaches such as Frenet frame based planning and potential field navigation often require tuning of many configuration parameters and sometimes even require a different configuration depending on the situation. In this paper, we propose a novel path planning approach based on reinforcement learning called Model Predictive Reinforcement Learning (MPRL). MPRL calculates a series of waypoints for the vessel to follow. The environment is represented as an occupancy grid map, allowing us to deal with any shape of waterway and any number and shape of obstacles. We demonstrate our approach on two scenarios and compare the resulting path with path planning using a Frenet frame and path planning based on a proximal policy optimization (PPO) agent. Our results show that MPRL outperforms both baselines in both test scenarios. The PPO based approach was not able to reach the goal in either scenario while the Frenet frame approach failed in the scenario consisting of a corner with obstacles. MPRL was able to safely (collision free) navigate to the goal in both of the test scenarios., Comment: \c{opyright} 2022 IEEE. Personal use of this material is permitted. Permission from IEEE must be obtained for all other uses, in any current or future media, including reprinting/republishing this material for advertising or promotional purposes, creating new collective works, for resale or redistribution to servers or lists, or reuse of any copyrighted component of this work in other works
- Published
- 2023
- Full Text
- View/download PDF
24. Impact of a spherical interface on a concentrical spherical droplet
- Author
-
Ahmed G. Salem, Turki D. Alharbi, Abdulaziz H. Alharbi, and Anwar Ali Aldhafeeri
- Subjects
micropolar fluid ,axisymmetric motion ,low reynolds numbers ,normalised hydrodynamic drag force ,fluid-fluid interface effect ,Mathematics ,QA1-939 - Abstract
In this paper, an analytical and numerical technique are examined in order to analyse the Stokes flow determination problem due to a viscous sphere droplet moving at a concentric instantaneous position inside a spherical interface separating finite and semi-infinite immiscible fluid phases. Here, when only one of the three phases of the fluid (micropolar fluid) has a microstructure, attention is focused on this case. The motion is considered when Reynolds- and capillary-numbers are low, and the droplet surface and the fluid-fluid interface have insignificant deformation. A general solution is obtained in a spherical coordinate system based on a concentric position to analyse the slow axisymmetric movement of the micropolar fluid, considering microrotation and velocity components. Boundary conditions are initially fulfilled at the fluid-fluid interface and subsequently at the droplet surface. The normalised hydrodynamic drag force applying to a moving viscous droplet appears to be a function of the droplet-to-interface radius ratio, which increases monotonically and becomes unbounded when the droplet surface touches the fluid-fluid interface. The numerical outcomes of the normalised drag force acting on the viscous droplet are derived for different values of the parameters, and are presented in a tabular and graphical framework. A comparison was made between our numerical outcomes for the drag force and the pertinent data for the special cases found in the literature.
- Published
- 2024
- Full Text
- View/download PDF
25. Primary care physicians’ knowledge and attitudes about obesity, adherence to treatment guidelines and its’ association with confidence to treat obesity at the Saudi Ministry of Interior primary health care centers
- Author
-
Lama Mohammed Al Saud, Saad Ebrahem Altowairqi, Anwar Ali Showail, Bader Saad Alzahrani, Maha M. Arnous, and Raya Mohammed Alsuhaibani
- Subjects
attitude ,knowledge ,obesity ,primary care physician ,treatment ,Medicine - Abstract
Background and Aim: Many primary care physicians (PCPs) believed that managing overweight and obesity is essential to their jobs, however, many believe that they were doing it ineffectively, unsatisfying, and had negative attitudes. We conducted this study to explore the knowledge, attitudes and adherence to obesity management guidelines, identify potential barriers that may prevent adherence of PCPs to obesity treatment guidelines. Methods: We conducted this cross-sectional study and conducted a questionnaire sent via email to all PCPs in the Ministry of Interior centers in Riyadh, Al-Kharj, AlQassim, Wadi Ad Dawasir, Hail and Tabuk in Saudi Arabia. Results: A total of 119 PCPs participated in the survey, 61 (51.3%) males and 58 (48.7%) females. All respondents (n = 119, 100%) answered correctly that obesity is a disease. Of PCPs surveyed, genetics accounted for 75.6% of the responses as the cause of obesity. 79.8% believed that the best way for patients with obesity to lose weight was to engage in regular physical activity. The majority of PCPs (87.4%) thought that treating obesity should be a top priority, and 88.2% would typically recommend obesity therapy to their patients. Around 68.9% of PCPs thought that it’s their patients’ responsibility to lose weight. The majority will recommend obesity treatment and 75.6% would talk to their patients about weight concerns, while 60.5% would refer their patients to obesity surgery. There was a positive significant association between higher knowledge and better attitude and better adherence to treatment guidelines. More experienced PCPs were more confident. The most common perceived barrier was the patients’ lack of desire to follow obesity treatment. Conclusion: Primary care clinics and PCPs play a crucial role in diagnosing and treating patients with obesity, according to Ministry of Health guidelines on the prevention and management of obesity. PCPs must not only acknowledge obesity as a chronic illness and the possible long-term consequences it may cause, but also provide comprehensive, multi-component interventions that include lifestyle changes, medication, and appropriate referrals for bariatric surgery when needed. Healthcare professionals must form a cooperative relationship with obese patients to ensure that the patients follow treatment protocols.
- Published
- 2024
- Full Text
- View/download PDF
26. Generating arbitrary non-separable states with polarization and orbital angular momentum of light
- Author
-
Mishra, Sarika, Anwar, Ali, and Singh, R. P.
- Subjects
Quantum Physics - Abstract
We demonstrate an experimental method to generate arbitrary non-separable states of light using polarization and orbital angular momentum (OAM) degrees of freedom. We observe the intensity distribution corresponding to OAM modes of the light beam by projecting the non-separable state into different polarization states. We further verify the presence of non-separability by measuring the degree of polarization and linear entropy. This classical non-separability can be easily transferred to the quantum domain using spontaneous parametric down-conversion for applications in quantum communication and quantum sensing.
- Published
- 2023
27. FedDefender: Backdoor Attack Defense in Federated Learning
- Author
-
Gill, Waris, Anwar, Ali, and Gulzar, Muhammad Ali
- Subjects
Computer Science - Cryptography and Security ,Computer Science - Artificial Intelligence ,Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Machine Learning - Abstract
Federated Learning (FL) is a privacy-preserving distributed machine learning technique that enables individual clients (e.g., user participants, edge devices, or organizations) to train a model on their local data in a secure environment and then share the trained model with an aggregator to build a global model collaboratively. In this work, we propose FedDefender, a defense mechanism against targeted poisoning attacks in FL by leveraging differential testing. Our proposed method fingerprints the neuron activations of clients' models on the same input and uses differential testing to identify a potentially malicious client containing a backdoor. We evaluate FedDefender using MNIST and FashionMNIST datasets with 20 and 30 clients, and our results demonstrate that FedDefender effectively mitigates such attacks, reducing the attack success rate (ASR) to 10\% without deteriorating the global model performance., Comment: Published in SE4SafeML 2023 (co-located with FSE 2023). See https://dl.acm.org/doi/abs/10.1145/3617574.3617858
- Published
- 2023
- Full Text
- View/download PDF
28. Potential of ascorbic acid in human health against different diseases: an updated narrative review
- Author
-
Anwar Ali, Sakhawat Riaz, Waseem Khalid, Maleeha Fatima, Umber Mubeen, Quratulain Babar, Muhammad Faisal Manzoor, Muhammad Zubair Khalid, and Felix Kwashie Madilo
- Subjects
Ascorbic acid ,metabolism ,biological functions ,cofactor ,antioxidant ,diseases ,Nutrition. Foods and food supply ,TX341-641 ,Food processing and manufacture ,TP368-456 - Abstract
Ascorbic acid (vitamin C) is the most crucial antioxidant for the body. The biochemical capabilities of ascorbic acid are still being studied. It acts as a cofactor for many enzymes participating in various physiological functions. This review presents how ascorbic acid is a cofactor for multiple enzymes involved in numerous human activities. Ascorbic acid protects the immune system, reduces allergic reaction severity and assists the fight against infections and other disorders. Ascorbic acid is metabolized by several procedures in the gastrointestinal tract. Eukaryotes produce ascorbic acid via L-galactose (L-Gal) and GDP-D-mannose as part of its metabolic process. It is disseminated throughout the body cells after being readily absorbed by the digestive system. This review will uncover ascorbic acid’s biological functions and metabolism in humans.
- Published
- 2024
- Full Text
- View/download PDF
29. Identification of plant based potential antifungal compounds against BMK-1 protein of Bipolaris oryzae using molecular docking approach
- Author
-
Bhat, Sheeba, Rather, Mariya, Gani, Saima, Nabi, Asha, Ganai, Shabir Ahmad, Shah, Mehraj D., Sofi, Parvaze, Jeelani, Fehim, Hussain, Arif, Ashraf, Sabiha, Anwar, Ali, Iqbal, Iram, Nisa, Tawkeer Un, Summuna, Baby, and Banday, Saba
- Published
- 2024
- Full Text
- View/download PDF
30. Diabetic microenvironment deteriorates the regenerative capacities of adipose mesenchymal stromal cells
- Author
-
Ahmed, Sara M., Elkhenany, Hoda A., Ahmed, Toka A., Ghoneim, Nehal I., Elkodous, Mohamed Abd, Mohamed, Rania Hassan, Magdeldin, Sameh, Osama, Aya, Anwar, Ali Mostafa, Gabr, Mahmoud M., and El-Badri, Nagwa
- Published
- 2024
- Full Text
- View/download PDF
31. The cross talk between type II diabetic microenvironment and the regenerative capacities of human adipose tissue-derived pericytes: a promising cell therapy
- Author
-
Ahmed, Toka A., Ahmed, Sara M., Elkhenany, Hoda, El-Desouky, Mohamed A., Magdeldin, Sameh, Osama, Aya, Anwar, Ali Mostafa, Mohamed, Ihab K., Abdelgawad, Mohamed Essameldin, Hanna, Demiana H., and El-Badri, Nagwa
- Published
- 2024
- Full Text
- View/download PDF
32. Effect of Carbon Content and Hard Phase Volume Fraction on Yield Strength in Friction Stir Processing of Low and Medium Carbon Steels
- Author
-
Anshari, Md Anwar Ali, Wahed, Mohd Abdul, Imam, Murshid, and Yusufzai, Mohd. Zaheer Khan
- Published
- 2024
- Full Text
- View/download PDF
33. Supramolecular structural-based fabrication of silver nanoparticles using diamide derivative of calix[4]arene: an efficient antimicrobial agent
- Author
-
Chandio, Anwar Ali, Memon, Shahabuddin, Otho, Aijaz, Khalid, Awais, Alotaibi, Bader S., Balouch, Amna, Brohi, Nazir Ahmed, Memon, Fakhar N., Memon, Ayaz Ali, and Thebo, Khalid Hussain
- Published
- 2024
- Full Text
- View/download PDF
34. A Systemic Review and Meta-analysis of Laparoscopic Surgery Versus Open Surgery for Gallbladder Cancer
- Author
-
Karjol, Uday, Jonnada, Pavan, Anwar, Ali Zaid, Chandranath, Ajay, and Cheruku, Sushama
- Published
- 2024
- Full Text
- View/download PDF
35. A Framework for Incentivized Collaborative Learning
- Author
-
Wang, Xinran, Le, Qi, Khan, Ahmad Faraz, Ding, Jie, and Anwar, Ali
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence ,Computer Science - Computers and Society ,Computer Science - Computer Science and Game Theory ,Computer Science - Multiagent Systems - Abstract
Collaborations among various entities, such as companies, research labs, AI agents, and edge devices, have become increasingly crucial for achieving machine learning tasks that cannot be accomplished by a single entity alone. This is likely due to factors such as security constraints, privacy concerns, and limitations in computation resources. As a result, collaborative learning (CL) research has been gaining momentum. However, a significant challenge in practical applications of CL is how to effectively incentivize multiple entities to collaborate before any collaboration occurs. In this study, we propose ICL, a general framework for incentivized collaborative learning, and provide insights into the critical issue of when and why incentives can improve collaboration performance. Furthermore, we show the broad applicability of ICL to specific cases in federated learning, assisted learning, and multi-armed bandit with both theory and experimental results.
- Published
- 2023
36. Attention Based Feature Fusion For Multi-Agent Collaborative Perception
- Author
-
Ahmed, Ahmed N., Mercelis, Siegfried, and Anwar, Ali
- Subjects
Computer Science - Multiagent Systems ,Computer Science - Artificial Intelligence - Abstract
In the domain of intelligent transportation systems (ITS), collaborative perception has emerged as a promising approach to overcome the limitations of individual perception by enabling multiple agents to exchange information, thus enhancing their situational awareness. Collaborative perception overcomes the limitations of individual sensors, allowing connected agents to perceive environments beyond their line-of-sight and field of view. However, the reliability of collaborative perception heavily depends on the data aggregation strategy and communication bandwidth, which must overcome the challenges posed by limited network resources. To improve the precision of object detection and alleviate limited network resources, we propose an intermediate collaborative perception solution in the form of a graph attention network (GAT). The proposed approach develops an attention-based aggregation strategy to fuse intermediate representations exchanged among multiple connected agents. This approach adaptively highlights important regions in the intermediate feature maps at both the channel and spatial levels, resulting in improved object detection precision. We propose a feature fusion scheme using attention-based architectures and evaluate the results quantitatively in comparison to other state-of-the-art collaborative perception approaches. Our proposed approach is validated using the V2XSim dataset. The results of this work demonstrate the efficacy of the proposed approach for intermediate collaborative perception in improving object detection average precision while reducing network resource usage.
- Published
- 2023
37. IP-FL: Incentivized and Personalized Federated Learning
- Author
-
Khan, Ahmad Faraz, Wang, Xinran, Le, Qi, Abdeen, Zain ul, Khan, Azal Ahmad, Ali, Haider, Jin, Ming, Ding, Jie, Butt, Ali R., and Anwar, Ali
- Subjects
Computer Science - Machine Learning ,Computer Science - Artificial Intelligence - Abstract
Existing incentive solutions for traditional Federated Learning (FL) focus on individual contributions to a single global objective, neglecting the nuances of clustered personalization with multiple cluster-level models and the non-monetary incentives such as personalized model appeal for clients. In this paper, we first propose to treat incentivization and personalization as interrelated challenges and solve them with an incentive mechanism that fosters personalized learning. Additionally, current methods depend on an aggregator for client clustering, which is limited by a lack of access to clients' confidential information due to privacy constraints, leading to inaccurate clustering. To overcome this, we propose direct client involvement, allowing clients to indicate their cluster membership preferences based on data distribution and incentive-driven feedback. Our approach enhances the personalized model appeal for self-aware clients with high-quality data leading to their active and consistent participation. Our evaluation demonstrates significant improvements in test accuracy (8-45%), personalized model appeal (3-38%), and participation rates (31-100%) over existing FL models, including those addressing data heterogeneity and personalization.
- Published
- 2023
38. The Second Monocular Depth Estimation Challenge
- Author
-
Spencer, Jaime, Qian, C. Stella, Trescakova, Michaela, Russell, Chris, Hadfield, Simon, Graf, Erich W., Adams, Wendy J., Schofield, Andrew J., Elder, James, Bowden, Richard, Anwar, Ali, Chen, Hao, Chen, Xiaozhi, Cheng, Kai, Dai, Yuchao, Hoa, Huynh Thai, Hossain, Sadat, Huang, Jianmian, Jing, Mohan, Li, Bo, Li, Chao, Li, Baojun, Liu, Zhiwen, Mattoccia, Stefano, Mercelis, Siegfried, Nam, Myungwoo, Poggi, Matteo, Qi, Xiaohua, Ren, Jiahui, Tang, Yang, Tosi, Fabio, Trinh, Linh, Uddin, S. M. Nadim, Umair, Khan Muhammad, Wang, Kaixuan, Wang, Yufei, Wang, Yixing, Xiang, Mochu, Xu, Guangkai, Yin, Wei, Yu, Jun, Zhang, Qi, and Zhao, Chaoqiang
- Subjects
Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Artificial Intelligence - Abstract
This paper discusses the results for the second edition of the Monocular Depth Estimation Challenge (MDEC). This edition was open to methods using any form of supervision, including fully-supervised, self-supervised, multi-task or proxy depth. The challenge was based around the SYNS-Patches dataset, which features a wide diversity of environments with high-quality dense ground-truth. This includes complex natural environments, e.g. forests or fields, which are greatly underrepresented in current benchmarks. The challenge received eight unique submissions that outperformed the provided SotA baseline on any of the pointcloud- or image-based metrics. The top supervised submission improved relative F-Score by 27.62%, while the top self-supervised improved it by 16.61%. Supervised submissions generally leveraged large collections of datasets to improve data diversity. Self-supervised submissions instead updated the network architecture and pretrained backbones. These results represent a significant progress in the field, while highlighting avenues for future research, such as reducing interpolation artifacts at depth boundaries, improving self-supervised indoor performance and overall natural image accuracy., Comment: Published at CVPRW2023
- Published
- 2023
39. Nusinersen Treatment for Spinal Muscular Atrophy: Retrospective Multicenter Study of Pediatric and Adult Patients in Kuwait
- Author
-
Asma AlTawari, Mohammad Zakaria, Walaa Kamel, Nayera Shaalan, Gamal Ahmed Ismail Elghazawi, Mohamed Esmat Anwar Ali, Dalia Salota, Amr Attia, Ehab Elsayed Ali Elanay, Osama Shalaby, Fatema Alqallaf, Vesna Mitic, and Laila Bastaki
- Subjects
spinal muscular atrophy ,neuromuscular disease ,nusinersen ,antisense oligonucleotide ,pediatrics ,Medicine ,Internal medicine ,RC31-1245 ,Neurosciences. Biological psychiatry. Neuropsychiatry ,RC321-571 - Abstract
Spinal muscular atrophy is a neuromuscular genetic condition associated with progressive muscle weakness and atrophy. Nusinersen is an antisense oligonucleotide therapy approved for the treatment of 5q spinal muscular atrophy in pediatric and adult patients. The objective of this clinical case series is to describe the efficacy and safety of nusinersen in treating spinal muscular atrophy in 20 pediatric and 18 adult patients across six treatment centers in Kuwait. Functional motor assessments (Children’s Hospital of Philadelphia Infant Test of Neuromuscular Disorders, Hammersmith Functional Motor Scale Expanded, and Revised Upper Limb Module) were used to assess changes in motor function following nusinersen treatment. The safety assessment involved clinical monitoring of adverse events. The results demonstrate clinically meaningful or considerable improvement in motor performance for nearly all patients, lasting over 4 years in some cases. A total of 70% of patients in the pediatric cohort and 72% of patients in the adult cohort achieved a clinically meaningful improvement in motor function following nusinersen treatment. Additionally, nusinersen was well-tolerated in both cohorts. These findings add to the growing body of evidence relating to the clinical efficacy and safety of nusinersen.
- Published
- 2024
- Full Text
- View/download PDF
40. Insights into Metabolites Profiling and Pharmacological Investigation of Aconitum heterophyllum wall ex. Royle Stem through Experimental and Bioinformatics Techniques
- Author
-
Muhammad Ilyas, Anwar Ali Shad, Jehan Bakht, Peter Villalta, and W. Thomas Shier
- Subjects
Chemistry ,QD1-999 - Published
- 2024
- Full Text
- View/download PDF
41. Management of leek diseases in Kashmir valley
- Author
-
Mir, G Hassan, Bhat, Mudasir, Anwar, Ali, Ambardar, VK, and Bhat, Arif Hussain
- Published
- 2017
42. FedDebug: Systematic Debugging for Federated Learning Applications
- Author
-
Gill, Waris, Anwar, Ali, and Gulzar, Muhammad Ali
- Subjects
Computer Science - Software Engineering ,Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Distributed, Parallel, and Cluster Computing ,Computer Science - Machine Learning - Abstract
In Federated Learning (FL), clients independently train local models and share them with a central aggregator to build a global model. Impermissibility to access clients' data and collaborative training make FL appealing for applications with data-privacy concerns, such as medical imaging. However, these FL characteristics pose unprecedented challenges for debugging. When a global model's performance deteriorates, identifying the responsible rounds and clients is a major pain point. Developers resort to trial-and-error debugging with subsets of clients, hoping to increase the global model's accuracy or let future FL rounds retune the model, which are time-consuming and costly. We design a systematic fault localization framework, FedDebug, that advances the FL debugging on two novel fronts. First, FedDebug enables interactive debugging of realtime collaborative training in FL by leveraging record and replay techniques to construct a simulation that mirrors live FL. FedDebug's breakpoint can help inspect an FL state (round, client, and global model) and move between rounds and clients' models seamlessly, enabling a fine-grained step-by-step inspection. Second, FedDebug automatically identifies the client(s) responsible for lowering the global model's performance without any testing data and labels--both are essential for existing debugging techniques. FedDebug's strengths come from adapting differential testing in conjunction with neuron activations to determine the client(s) deviating from normal behavior. FedDebug achieves 100% accuracy in finding a single faulty client and 90.3% accuracy in finding multiple faulty clients. FedDebug's interactive debugging incurs 1.2% overhead during training, while it localizes a faulty client in only 2.1% of a round's training time., Comment: Published at ICSE 2023. Link https://ieeexplore.ieee.org/document/10172839
- Published
- 2023
- Full Text
- View/download PDF
43. Personalized Federated Recommender Systems with Private and Partially Federated AutoEncoders
- Author
-
Le, Qi, Diao, Enmao, Wang, Xinran, Anwar, Ali, Tarokh, Vahid, and Ding, Jie
- Subjects
Computer Science - Information Retrieval - Abstract
Recommender Systems (RSs) have become increasingly important in many application domains, such as digital marketing. Conventional RSs often need to collect users' data, centralize them on the server-side, and form a global model to generate reliable recommendations. However, they suffer from two critical limitations: the personalization problem that the RSs trained traditionally may not be customized for individual users, and the privacy problem that directly sharing user data is not encouraged. We propose Personalized Federated Recommender Systems (PersonalFR), which introduces a personalized autoencoder-based recommendation model with Federated Learning (FL) to address these challenges. PersonalFR guarantees that each user can learn a personal model from the local dataset and other participating users' data without sharing local data, data embeddings, or models. PersonalFR consists of three main components, including AutoEncoder-based RSs (ARSs) that learn the user-item interactions, Partially Federated Learning (PFL) that updates the encoder locally and aggregates the decoder on the server-side, and Partial Compression (PC) that only computes and transmits active model parameters. Extensive experiments on two real-world datasets demonstrate that PersonalFR can achieve private and personalized performance comparable to that trained by centralizing all users' data. Moreover, PersonalFR requires significantly less computation and communication overhead than standard FL baselines.
- Published
- 2022
44. A numerical analysis of the rotational flow of a hybrid nanofluid past a unidirectional extending surface with velocity and thermal slip conditions
- Author
-
Aldhafeeri Anwar Ali and Yasmin Humaira
- Subjects
nanofluid ,hybrid nanofluid ,mhd ,porous medium ,viscous dissipation ,joule heating ,rotational flow ,Technology ,Chemical technology ,TP1-1185 - Abstract
This work inspects 3D magnetohydrodynamic hybrid nanofluid flow on a permeable elongating surface. The emphasis of this paper is on the study of hybrid nanofluid flow within a rotating frame, taking into account the simultaneous impact of both thermal and velocity slip boundary conditions. The chosen base fluid is water, and the hybrid nanofluid comprises two nanoparticles Cu\text{Cu} and Al2O3{\text{Al}}_{2}{\text{O}}_{3}. The effect of the magnetic and porosity parameters is taken into account in the momentum equation. The thermal radiation, Joule heating, and heat source are considered in the energy equation. Using a similarity system, we transform the PDEs of the proposed model into ODEs, which are then solved numerically by the bvp4c technique. The magnetic field shows a dual nature on primary and secondary velocities. Enrich magnetic field decreases the primary velocity and enhances the secondary velocity. The rotation parameter has an inverse relation with both velocities. The temperature profile amplified with the escalation in heat source, magnetic field, rotation factor, and Eckert numbers. The skin friction is boosted with magnetic parameters while the Nusselt number drops.
- Published
- 2024
- Full Text
- View/download PDF
45. Evaluation of bio-control agents against Rhizoctonia solani Kuhn and sheath blight disease of rice under temperate ecology
- Author
-
Bhat, K.A., Anwar, Ali, and Wani, A.H.
- Published
- 2009
46. A Frequency Domain-Based Control Methodology for Performance Assessment and Optimisation of Heterogeneous Arrays of Wave Energy Converters.
- Author
-
Andrei Ermakov, Zain Anwar Ali, Kumars Mahmoodi, Oliver Mason, and John V. Ringwood
- Published
- 2024
- Full Text
- View/download PDF
47. InfiniStore: Elastic Serverless Cloud Storage
- Author
-
Zhang, Jingyuan, Wang, Ao, Ma, Xiaolong, Carver, Benjamin, Newman, Nicholas John, Anwar, Ali, Rupprecht, Lukas, Skourtis, Dimitrios, Tarasov, Vasily, Yan, Feng, and Cheng, Yue
- Subjects
Computer Science - Distributed, Parallel, and Cluster Computing - Abstract
Cloud object storage such as AWS S3 is cost-effective and highly elastic but relatively slow, while high-performance cloud storage such as AWS ElastiCache is expensive and provides limited elasticity. We present a new cloud storage service called ServerlessMemory, which stores data using the memory of serverless functions. ServerlessMemory employs a sliding-window-based memory management strategy inspired by the garbage collection mechanisms used in the programming language to effectively segregate hot/cold data and provides fine-grained elasticity, good performance, and a pay-per-access cost model with extremely low cost. We then design and implement InfiniStore, a persistent and elastic cloud storage system, which seamlessly couples the function-based ServerlessMemory layer with a persistent, inexpensive cloud object store layer. InfiniStore enables durability despite function failures using a fast parallel recovery scheme built on the autoscaling functionality of a FaaS (Function-as-a-Service) platform. We evaluate InfiniStore extensively using both microbenchmarking and two real-world applications. Results show that InfiniStore has more performance benefits for objects larger than 10 MB compared to AWS ElastiCache and Anna, and InfiniStore achieves 26.25% and 97.24% tenant-side cost reduction compared to InfiniCache and ElastiCache, respectively., Comment: An extensive report of the paper accepted by VLDB 2023
- Published
- 2022
48. Resorcinol-formaldehyde/titania (RFTi) gel composites for wastewater treatment
- Author
-
Safri, Anam Anwar Ali and Fletcher, Ashleigh
- Abstract
Increasing levels of water pollution, together with the appearance of emerging pollutants, necessitates the development of efficient new techniques for water remediation. Conventionally, adsorption and environmental catalysis can effectively respond to this demand, and these methods can be enhanced by developing new materials and processes to deliver on the needs of an increasingly industrialised society. A combination of adsorption and photodegradation has been proven effective in targeting a wide range of pollutants, and research into materials development pertinent to the integration of both processes is ongoing. Previous studies have recognised the synergistic effects of carbon and Titanium (IV) oxide or Titania in various applications. Within water remediation, carbon has been utilised in in several forms, such as activated carbon, graphene, carbon nanotubes, and fullerenes, for integration with TiO2. This work focuses on employing a new type of organic carbon gel, which are carbon nanospheres, to host TiO2 photocatalysts. This organic carbon gel is derived from a sol-gel process via polycondensation of resorcinol-formaldehyde (RF), yielding unique properties that are ideal for use as an adsorbent for water treatment. TiO2 was successfully incorporated into the RF matrix during the polycondensation reaction of RF, to produce a chemically crosslinked, stable structure. The integration of carbon and TiO2 improves the photocatalytic activity by several means: (i) modification of the electronic structure of TiO2 to lower its band gap for visible-light absorption, (ii) reduction of the recombination rate, and (iii) facilitation of pollutant adsorption. The highly porous carbon gel, with a large surface area, facilitated dispersion of TiO2, enhancing pollutant adsorption. The chemical complexes formed between both phases increase the number of active sites, and interactions between the pollutant and disinfectant, while the carbon phase facilitates charge transfer and minimises the recombination of charge carriers on the TiO2 surface. These combined properties make the composite materials efficient materials for adsorption photodegradation remediation of contaminated water. The relative composition of RF and TiO2 phase in an integrated material is crucial in determining the ultimate adsorption-photodegradation performance; therefore, a suite of RFTi gels was synthesised, moving from pure RF to pure TiO2 in 10% steps, to understand the structure-property relationship, and its impact on the final application, as well as to determine the optimal composition. Extensive analysis of the materials was conducted to determine their textural, chemical, thermal, and optical properties. Firstly, the compositional analysis validated the experimentally deposited theoretical compositions of both phases. The analysis of the results demonstrated the composition-dependent properties of RFTi. The micrographs showed a homogenous distribution of TiO2 in the three dimensional porous RF network for samples up to 30% TiO2, beyond which TiO2 tended to start aggregating. The surface area analysis was in agreement with the micrographs, demonstrating that the aggregates blocked the pores of the RF network, resulting in a decrease in surface area and poor textural properties. Furthermore, the optical properties revealed that the electronic structure of TiO2 was successfully modified, with a narrowed bandgap observed and a shift of the absorption edge to the visible region of the electromagnetic spectrum; hence, the material was capable of activation upon visible light irradiation. RFTi30 and RFTi40 (30% and 40% TiO2 in RF) showed the lowest bandgaps with broadened UV-Vis spectra covering almost the entire visible region. Characterisation of the materials was followed by application tests performed against a model pollutant dye, methylene blue (MB). The experimentally obtained data for the adsorption capacity for MB reduction correlated with the physiochemical properties of the respective samples. The equilibrium adsorption data were extensively studied to elucidate adsorbent-adsorbate interactions by applying kinetic and isotherm models to the adsorption data, and most of the samples showed a combination of physisorption and chemisorption phenomena. The effect of temperature showed that the reactions were thermodynamically feasible, and temperature-dependent adsorption depended on the nature of the RFTi sample. The synergy of RF and TiO2 was corroborated by an observed enhancement in dye reduction upon visible light irradiation, demonstrating > 95% dye reduction for RFTi30 and RFTi40, owing to their optimal physiochemical and optical properties. The antimicrobial performance, evaluated against the reduction of indicator microorganisms (total and faecal coliform and Escherichia coli) was in agreement with the results obtained through adsorption analysis, with no bacterial colonies found after treatment. The synthesised sample was reusable for four repeated cycles without significant loss of performance, as demonstrated for RFTi30. This work not only highlights the potential of RFTi gels for water remediation applications, but also proposes the possibility of their application in various other fields such as thermoelectric applications.
- Published
- 2023
- Full Text
- View/download PDF
49. Analysis of a hybrid fractional coupled system of differential equations in n-dimensional space with linear perturbation and nonlinear boundary conditions
- Author
-
Salma Noor, Aman Ullah, Anwar Ali, and Saud Fahad Aldosary
- Subjects
n-dimensional nonlinear coupled system ,fractional hybrid differential equations ,dhage's fixed point theory ,Mathematics ,QA1-939 - Abstract
In this paper, we investigated $ n $-dimensional fractional hybrid differential equations (FHDEs) with nonlinear boundary conditions in a nonlinear coupled system. For this purpose, we used Dhage's fixed point theory, and applied the Krasnoselskii-type coupled fixed point theorem to construct existence conditions of the solution of the FHDEs. To illustrated this idea, suitable examples are presented in $ 3 $-dimensional space at the end of the paper.
- Published
- 2024
- Full Text
- View/download PDF
50. Occurrence of Virus Vector Nematodes in Disturbed, Undisturbed and Neglected Apple Ecosystems of Kashmir, India
- Author
-
Lone, G.M., Waliullah, M.I.S., Zaki, F.A., Anwar, Ali, and Mir, S.A.
- Published
- 2012
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.