Saudi Cultural Missions Theses & Dissertations

Permanent URI for this communityhttps://drepo.sdl.edu.sa/handle/20.500.14154/10

Browse

Search Results

Now showing 1 - 7 of 7
  • ItemRestricted
    Human Activity Monitoring for Telemedicine Using an Intelligent Millimeter-Wave System
    (University of Dayton, 2025) Alhazmi, Abdullah; Chodavarapu, Vamsy
    The growing aging population requires innovative solutions in the healthcare industry. Telemedicine is one such innovation that can improve healthcare access and delivery to diverse and aging populations. It uses various sensors to facilitate remote monitoring of physiological measures of people, such as heart rate, oxygen saturation, blood glucose, and blood pressure. Similarly, it is capable of monitoring critical events, such as falls. The key challenges in telemonitoring are ensuring accurate remote monitoring of physical activity or falls by preserving privacy and avoiding excessive reliance on expensive and/or obtrusive devices. Our approach initially addressed the need for secure, portable, and low-cost solutions specifically for fall detection. Our proposed system integrates a low-power millimeter-wave (mmWave) sensor with a NVIDIA Jetson Nano system and uses machine learning to accurately and remotely detect falls. Our initial work focused on processing the mmWave sensor's output by using neural network models, mainly employing Doppler signatures and a Long Short-Term Memory (LSTM) architecture. The proposed system achieved 79% accuracy in detecting three classes of human activities. In addition to reasonable accuracy, the system protected privacy by not recording camera images, ensuring real-time fall detection and Human Activity Recognition (HAR) for both single and multiple individuals at the same time. Building on this foundation, we developed an advanced system to enhance accuracy and robustness in continuous monitoring of human activities. This enhanced system also utilized a mmWave radar sensor (IWR6843ISK-ODS) connected to a NVIDIA Jetson Nano board, and focused on improving the accuracy and robustness of the monitoring process. This integration facilitated effective data processing and inference at the edge, making it suitable for telemedicine systems in both residential and institutional settings. By developing a PointNet neural network for real-time human activity monitoring, we achieved an inference accuracy of 99.5% when recognizing five types of activities: standing, walking, sitting, lying, and falling. Furthermore, the proposed system provided activity data reports, tracking maps, and fall alerts and significantly enhanced telemedicine applcations by enabling more timely and targeted interventions based on objective data. The final proposed system facilitates the ability to detect falls and monitor physical activity at both home and institutional settings, demonstrating the potential of Artificial Intelligence (AI) algorithms and mmWave sensors for HAR. In conclusion, our system enhances therapeutic adherence and optimizes healthcare resources by enabling patients to receive physical therapy services remotely. Furthermore, it could reduce the need for hospital visits and improve in-home nursing care, thus saving time and money and improving patient outcomes.
    13 0
  • ItemRestricted
    Forecasting OPEC Basket Oil Price and Its Volatilities Using LSTM
    (University College London, 2024-09) Almazyad, Sulaiman; Hamadeh, Lama
    The global economy is greatly affected by oil prices, which have an impact on everything from consumer goods prices to transportation expenses. Forecasting these prices accurately is crucial for energy security, company strategy, and economic planning. Traditional statistical models such as ARIMA and SARIMA have been used for such forecasts, but struggle with the non-linear patterns inherent in oil price movements. This research explores the use of Long Short-Term Memory (LSTM) networks, a specialized form of Recurrent Neural Network (RNN) built to manage longterm dependencies, in predicting the OPEC reference basket oil price and its associated volatility, ultimately improving the accuracy of these forecasts. The model is built upon historical datasets of the OPEC Reference Basket (ORB), and its efficacy is assessed using a variety of performance indicators, including RMSE, MAE, and MAPE. The outcomes reveal that the LSTM model is
    15 0
  • ItemRestricted
    Exploring Advanced Deep Learning, foundation and Hybrid models for Medical Image Classification
    (University of Surrey, 2024-09) Kutbi, Jad; Carneiro, Gustavo
    This dissertation explores the use of advanced deep learning architectures, foundation models, and hybrid models for medical image classification. Medical imaging plays a critical role in the healthcare industry, and deep learning models have demonstrated significant potential in improving the accuracy and efficiency of diagnostic processes. This work focuses on three datasets: RetinaMNIST, BreastMNIST, and FractureMNIST3D from the MedMNISTv2 datasets, each representing different imaging modalities and classification tasks. The significance of this work lies in its comprehensive evaluation of state-of-the-art models, including ResNet, Vision Transformers (ViT), ConvNeXt, and Swin Transformers, and their effectiveness in handling complex medical images. The primary contributions of this research are the implementation and benchmarking of modern architectures on these datasets, as well as the investigation of hyperparameter optimization using Optuna. Pretrained models and hybrid architectures such as CNN-ViT, SwinConvNeXt and CNN-LSTM were explored to enhance performance. Key results demonstrate that models like ConvNeXt-tiny (pretrained) and CLIP achieved high accuracy and AUC scores, particularly in BreastMNIST and RetinaMNIST datasets, setting new performance benchmarks. The combination of Swin and ConvNeXt using feature fusion was shown to improve model robustness, especially when handling multi-class and 3D data.
    17 0
  • Thumbnail Image
    ItemRestricted
    Integrating Sentiment and Technical Analysis with Machine Learning for Improved Stock Market Predictions
    (University of Dundee, 2024-07-30) Almubarak, Maha Sofyan A; Mazibas, Murat; Kwiatkowski, Andrzej
    This thesis advances stock forecasting by integrating sentiment analysis from Twitter as social media platform with traditional technical indicators, employing machine learning (ML) techniques. The research identifies gaps in existing literature, particularly in the use of appropriate validation methods and the balance of statistical metrics with financial benchmarks. It proposes a comprehensive methodology that incorporates Time Series Cross- Validation and hyperparameter tuning to enhance the adaptability and economic robustness of forecasting models. The empirical analysis unfolds in three chapters: 1. Technical Analysis within LSTM models to predict movements of the SPY ETF, validated through Time Series Cross-Validation to ensure robustness, focusing on both accuracy and financial performance. 2. Integration of Sentiment Analysis to assess its impact on model responsiveness and financial outcomes, demonstrating improved predictive accuracy. 3. Application to a Diverse Stock Portfolio, where models are applied to 10 different stocks across various sectors, confirming the models’ effectiveness and practical utility in real-world trading strategies. Key findings suggest that incorporating sentiment analysis significantly enhances the predictive precision of models, particularly in volatile market conditions. This synergy between technical indicators and sentiment data not only boosts accuracy but also enriches the models’ economic performance, offering valuable insights for traders and academic researchers exploring complex financial markets.
    14 0
  • Thumbnail Image
    ItemRestricted
    Sketch compression
    (University of Surre, 2023-09) Alsadoun, Hadeel Mohammed; song, Yi-Zhe; Ashcroft, Alexander
    In the rapidly evolving field of digital art and animation, traditional sketching techniques often rely on pixel-based methods, leading to less meaningful representations. This dissertation aims to transform this paradigm by rigorously investigating the efficacy of autoencoders for vector sketch compression. We conducted experiments using two distinct neural network architectures: Long Short-Term Memory (LSTM) and Transformer-based autoencoders. The Transformer model, which has significantly impacted the field of sequence-to-sequence tasks, especially in natural language processing, serves as a focal point of our study. Our experiment aims to answer a compelling question: Can these impressive results be replicated in the domain of vector sketch compression? The answer is a resounding yes. The Transformer model not only excelled in reconstructing sketches but also simplified the strokes and enhanced the overall quality of the sketch, achieving an impressive 85.03% classification accuracy. The LSTM model, known for its ability to capture temporal dependencies, served as our baseline, achieving a classification accuracy of 56.139% on a pre-trained classifier. Our findings strongly advocate for the adoption of Transformer-based models in vector sketch compression, offering a more compact and semantically rich representation. The LSTM model’s respectable performance also suggests its potential utility in less complex scenarios. Overall, this study opens new avenues for research in digital art, particularly in optimizing Transformer architectures for sketch compression.
    12 0
  • Thumbnail Image
    ItemRestricted
    Leveraging Machine Learning for Enhanced Detection and Classification of Brain Pathologies Using EEG
    (Saudi Digital Library, 2023-11-09) Albaqami, Hezam; Hassan, Ghulam Mubashar; Datta, Amitava
    Maintaining brain health is vital due to its role in controlling all body functions. This thesis introduces novel methods for the problem of automated brain diagnostic tasks using electroencephalogram (EEG). Several contributions have been made, including wavelet-based feature extraction methods and novel deep-learning architectures for detecting and classifying brain pathologies. Additionally, novel methods of feature dimensionality reduction, data fusion, and data augmentation are proposed. The proposed solutions are rigorously assessed using extensive EEG datasets consisting of patients from a wide demographic range to evaluate the generalization capabilities. This thesis offers significant contributions to biomedical signal processing for diagnostic tasks.
    50 0
  • Thumbnail Image
    ItemRestricted
    A Comparison of Time Series and Deep Learning Methods for Predicting Stock Prices
    (Saudi Digital Library, 2023-03-23) Alajmi, Shahad; Ji, Lanpeng
    Stock market is one of the most competitive financial markets where investors need to know the trend of prices in advance. There have been many improvements and advancements in the application of neural networks in the financial industry. In this research, two advanced methods were used to simulate and predict the close stock prices of Saudi Telecom Company (STC). The first method was the autoregressive integrated moving average (ARIMA) and the second method was a by using a class of deep learning neural networks called recurrent neural networks (RNN). ARIMA (p,d,q) was the statistical method selected as a time series model based on the level, trend ,and seasonality of data. Additionally, the order of p and q is based on an autocorrelation function ‘ACF’ ,and a partial autocorrelation function ‘PACF’, the optimal model of this research was ARIMA (1,0,28). Moreover, RNN uses long short-term memory layers (LSTMs), dropout regularisation, activation functions, a loss function, which is the mean square error (MSE), and the Adam optimiser to simulate the predictions. The unique characteristic of LSTMs is that the model is able to store previous data over time and use this data to predict future prices. The structure of the LSTM consists of five layers: one input layer, three hidden layers ,and one output layer. The methods used to measure the performance of predictions of each model are the mean absolute percentage error ‘MAPE’ and the root squared mean error ‘RMSE’. ARIMA (1,0,28) is the model that was found to have a lower error between actual and predicted prices. After analysing each model, ARIMA model’s prediction accuracy was 96.3% and RNN’s accuracy was 93.8%; we concluded that the ARIMA model is better than the RNN model for forecasting the close stock prices of STC. This research include important data which can benefit investors and companies to make economical decisions, such as when to buy or sell shares.
    26 0

Copyright owned by the Saudi Digital Library (SDL) © 2025