Search results for: Adult dataset
Commenced in January 2007
Frequency: Monthly
Edition: International
Paper Count: 2455

Search results for: Adult dataset

2125 Neural Network and Support Vector Machine for Prediction of Foot Disorders Based on Foot Analysis

Authors: Monireh Ahmadi Bani, Adel Khorramrouz, Lalenoor Morvarid, Bagheri Mahtab

Abstract:

Background:- Foot disorders are common in musculoskeletal problems. Plantar pressure distribution measurement is one the most important part of foot disorders diagnosis for quantitative analysis. However, the association of plantar pressure and foot disorders is not clear. With the growth of dataset and machine learning methods, the relationship between foot disorders and plantar pressures can be detected. Significance of the study:- The purpose of this study was to predict the probability of common foot disorders based on peak plantar pressure distribution and center of pressure during walking. Methodologies:- 2323 participants were assessed in a foot therapy clinic between 2015 and 2021. Foot disorders were diagnosed by an experienced physician and then they were asked to walk on a force plate scanner. After the data preprocessing, due to the difference in walking time and foot size, we normalized the samples based on time and foot size. Some of force plate variables were selected as input to a deep neural network (DNN), and the probability of any each foot disorder was measured. In next step, we used support vector machine (SVM) and run dataset for each foot disorder (classification of yes or no). We compared DNN and SVM for foot disorders prediction based on plantar pressure distributions and center of pressure. Findings:- The results demonstrated that the accuracy of deep learning architecture is sufficient for most clinical and research applications in the study population. In addition, the SVM approach has more accuracy for predictions, enabling applications for foot disorders diagnosis. The detection accuracy was 71% by the deep learning algorithm and 78% by the SVM algorithm. Moreover, when we worked with peak plantar pressure distribution, it was more accurate than center of pressure dataset. Conclusion:- Both algorithms- deep learning and SVM will help therapist and patients to improve the data pool and enhance foot disorders prediction with less expense and error after removing some restrictions properly.

Keywords: deep neural network, foot disorder, plantar pressure, support vector machine

Procedia PDF Downloads 358
2124 Exploring the Association between Race and Attitudes toward Physician-Assisted Death; An Analysis of the Gss Dataset

Authors: Seini G. Kaufusi

Abstract:

Background. Physician-assisted death (PAD) has and continues to be a controversial issue in the U.S. Dying with dignity statutes exists in 9 U.S. jurisdictions that permit competent adults diagnosed with a terminal illness and given a prognosis of 6 month or less to live to request medication to hasten death. Robust advocacy for and against PAD influences policy, and opinions vary. Aim. This study aims to explore the association between race and the attitudes toward physician-assisted death in the U.S. Methods. Data for this study derives from the General Social Survey (GSS) dataset, a national survey conducted by the National Opinion Research Center (NORC) that focuses on the opinions and values of American’s. A cross-sectional design and probability sample from the 2018 data set was used to randomly select respondents. Results. The results indicated that race is significantly associated with attitudes towards physician-assisted death. The level of significance suggests a strong positive association, and the direction indicated that Black and Other racial groups have higher rates of positive decision about PAD. Conclusion. Although attitudes towards PAD varied, Black and other racial groups had favorable decisions for PAD. Further research is crucial in the continuous debate on PAD and understanding the influences of predictors for or against PAD.

Keywords: attitudes, euthanasia, physician-assisted death, race

Procedia PDF Downloads 162
2123 Electron Microscopical Analysis of Arterial Line Filters During Cardiopulmonary Bypass

Authors: Won-Gon Kim

Abstract:

Introduction: The clinical value of arterial line filters is still a controversial issue. Proponents of arterial line filtration argue that filters remove particulate matter and undissolved gas from circulation, while opponents argue the absence of conclusive clinical data. We conducted scanning electron microscope (SEM) studies of arterial line filters used clinically in the CPB circuits during adult cardiac surgery and analyzed the types and characteristics of materials entrapped in the arterial line filters. Material and Methods: Twelve arterial line filters were obtained during routine hypothermic cardiopulmonary bypass in 12 adult cardiac patients. The arterial line filter was a screen type with a pore size of 40 ㎛ (Baxter Health care corporation Bentley division, Irvine, CA, U.S.A.). After opening the housing, the woven polyester strands were examined with SEM. Results and Conclusion: All segments examined(120 segments, each 2.5 X 2.5 cm in size) contained no embolic particles larger in their cross-sectional area than the pore size of the filter(40 ㎛). The origins of embolic particulates were mostly from environmental foreign bodies. This may suggest a possible need for more aggressive filtration of smaller particulates than is generally carried out at the present time.

Keywords: arterial line filter, tubing wear, scanning electron microscopy, SEM

Procedia PDF Downloads 448
2122 Heuristic Classification of Hydrophone Recordings

Authors: Daniel M. Wolff, Patricia Gray, Rafael de la Parra Venegas

Abstract:

An unsupervised machine listening system is constructed and applied to a dataset of 17,195 30-second marine hydrophone recordings. The system is then heuristically supplemented with anecdotal listening, contextual recording information, and supervised learning techniques to reduce the number of false positives. Features for classification are assembled by extracting the following data from each of the audio files: the spectral centroid, root-mean-squared values for each frequency band of a 10-octave filter bank, and mel-frequency cepstral coefficients in 5-second frames. In this way both time- and frequency-domain information are contained in the features to be passed to a clustering algorithm. Classification is performed using the k-means algorithm and then a k-nearest neighbors search. Different values of k are experimented with, in addition to different combinations of the available feature sets. Hypothesized class labels are 'primarily anthrophony' and 'primarily biophony', where the best class result conforming to the former label has 104 members after heuristic pruning. This demonstrates how a large audio dataset has been made more tractable with machine learning techniques, forming the foundation of a framework designed to acoustically monitor and gauge biological and anthropogenic activity in a marine environment.

Keywords: anthrophony, hydrophone, k-means, machine learning

Procedia PDF Downloads 170
2121 Gait Biometric for Person Re-Identification

Authors: Lavanya Srinivasan

Abstract:

Biometric identification is to identify unique features in a person like fingerprints, iris, ear, and voice recognition that need the subject's permission and physical contact. Gait biometric is used to identify the unique gait of the person by extracting moving features. The main advantage of gait biometric to identify the gait of a person at a distance, without any physical contact. In this work, the gait biometric is used for person re-identification. The person walking naturally compared with the same person walking with bag, coat, and case recorded using longwave infrared, short wave infrared, medium wave infrared, and visible cameras. The videos are recorded in rural and in urban environments. The pre-processing technique includes human identified using YOLO, background subtraction, silhouettes extraction, and synthesis Gait Entropy Image by averaging the silhouettes. The moving features are extracted from the Gait Entropy Energy Image. The extracted features are dimensionality reduced by the principal component analysis and recognised using different classifiers. The comparative results with the different classifier show that linear discriminant analysis outperforms other classifiers with 95.8% for visible in the rural dataset and 94.8% for longwave infrared in the urban dataset.

Keywords: biometric, gait, silhouettes, YOLO

Procedia PDF Downloads 172
2120 One-Shot Text Classification with Multilingual-BERT

Authors: Hsin-Yang Wang, K. M. A. Salam, Ying-Jia Lin, Daniel Tan, Tzu-Hsuan Chou, Hung-Yu Kao

Abstract:

Detecting user intent from natural language expression has a wide variety of use cases in different natural language processing applications. Recently few-shot training has a spike of usage on commercial domains. Due to the lack of significant sample features, the downstream task performance has been limited or leads to an unstable result across different domains. As a state-of-the-art method, the pre-trained BERT model gathering the sentence-level information from a large text corpus shows improvement on several NLP benchmarks. In this research, we are proposing a method to change multi-class classification tasks into binary classification tasks, then use the confidence score to rank the results. As a language model, BERT performs well on sequence data. In our experiment, we change the objective from predicting labels into finding the relations between words in sequence data. Our proposed method achieved 71.0% accuracy in the internal intent detection dataset and 63.9% accuracy in the HuffPost dataset. Acknowledgment: This work was supported by NCKU-B109-K003, which is the collaboration between National Cheng Kung University, Taiwan, and SoftBank Corp., Tokyo.

Keywords: OSML, BERT, text classification, one shot

Procedia PDF Downloads 101
2119 FLIME - Fast Low Light Image Enhancement for Real-Time Video

Authors: Vinay P., Srinivas K. S.

Abstract:

Low Light Image Enhancement is of utmost impor- tance in computer vision based tasks. Applications include vision systems for autonomous driving, night vision devices for defence systems, low light object detection tasks. Many of the existing deep learning methods are resource intensive during the inference step and take considerable time for processing. The algorithm should take considerably less than 41 milliseconds in order to process a real-time video feed with 24 frames per second and should be even less for a video with 30 or 60 frames per second. The paper presents a fast and efficient solution which has two main advantages, it has the potential to be used for a real-time video feed, and it can be used in low compute environments because of the lightweight nature. The proposed solution is a pipeline of three steps, the first one is the use of a simple function to map input RGB values to output RGB values, the second is to balance the colors and the final step is to adjust the contrast of the image. Hence a custom dataset is carefully prepared using images taken in low and bright lighting conditions. The preparation of the dataset, the proposed model, the processing time are discussed in detail and the quality of the enhanced images using different methods is shown.

Keywords: low light image enhancement, real-time video, computer vision, machine learning

Procedia PDF Downloads 206
2118 On Enabling Miner Self-Rescue with In-Mine Robots using Real-Time Object Detection with Thermal Images

Authors: Cyrus Addy, Venkata Sriram Siddhardh Nadendla, Kwame Awuah-Offei

Abstract:

Surface robots in modern underground mine rescue operations suffer from several limitations in enabling a prompt self-rescue. Therefore, the possibility of designing and deploying in-mine robots to expedite miner self-rescue can have a transformative impact on miner safety. These in-mine robots for miner self-rescue can be envisioned to carry out diverse tasks such as object detection, autonomous navigation, and payload delivery. Specifically, this paper investigates the challenges in the design of object detection algorithms for in-mine robots using thermal images, especially to detect people in real-time. A total of 125 thermal images were collected in the Missouri S&T Experimental Mine with the help of student volunteers using the FLIR TG 297 infrared camera, which were pre-processed into training and validation datasets with 100 and 25 images, respectively. Three state-of-the-art, pre-trained real-time object detection models, namely YOLOv5, YOLO-FIRI, and YOLOv8, were considered and re-trained using transfer learning techniques on the training dataset. On the validation dataset, the re-trained YOLOv8 outperforms the re-trained versions of both YOLOv5, and YOLO-FIRI.

Keywords: miner self-rescue, object detection, underground mine, YOLO

Procedia PDF Downloads 83
2117 Gene Expressions in Left Ventricle Heart Tissue of Rat after 150 Mev Proton Irradiation

Authors: R. Fardid, R. Coppes

Abstract:

Introduction: In mediastinal radiotherapy and to a lesser extend also in total-body irradiation (TBI) radiation exposure may lead to development of cardiac diseases. Radiation-induced heart disease is dose-dependent and it is characterized by a loss of cardiac function, associated with progressive heart cells degeneration. We aimed to determine the in-vivo radiation effects on fibronectin, ColaA1, ColaA2, galectin and TGFb1 gene expression levels in left ventricle heart tissues of rats after irradiation. Material and method: Four non-treatment adult Wistar rats as control group (group A) were selected. In group B, 4 adult Wistar rats irradiated to 20 Gy single dose of 150 Mev proton beam locally in heart only. In heart plus lung irradiate group (group C) 4 adult rats was irradiated by 50% of lung laterally plus heart radiation that mentioned in before group. At 8 weeks after radiation animals sacrificed and left ventricle heart dropped in liquid nitrogen for RNA extraction by Absolutely RNA® Miniprep Kit (Stratagen, Cat no. 400800). cDNA was synthesized using M-MLV reverse transcriptase (Life Technologies, Cat no. 28025-013). We used Bio-Rad machine (Bio Rad iQ5 Real Time PCR) for QPCR testing by relative standard curve method. Results: We found that gene expression of fibronectin in group C significantly increased compared to control group, but it was not showed significant change in group B compared to group A. The levels of gene expressions of Cola1 and Cola2 in mRNA did not show any significant changes between normal and radiation groups. Changes of expression of galectin target significantly increased only in group C compared to group A. TGFb1 expressions in group C more than group B showed significant enhancement compared to group A. Conclusion: In summary we can say that 20 Gy of proton exposure of heart tissue may lead to detectable damages in heart cells and may distribute function of them as a component of heart tissue structure in molecular level.

Keywords: gene expression, heart damage, proton irradiation, radiotherapy

Procedia PDF Downloads 489
2116 Applying Neural Networks for Solving Record Linkage Problem via Fuzzy Description Logics

Authors: Mikheil Kalmakhelidze

Abstract:

Record linkage (RL) problem has become more and more important in recent years due to the growing interest towards big data analysis. The problem can be formulated in a very simple way: Given two entries a and b of a database, decide whether they represent the same object or not. There are two classical deterministic and probabilistic ways of solving the RL problem. Using simple Bayes classifier in many cases produces useful results but sometimes they show to be poor. In recent years several successful approaches have been made towards solving specific RL problems by neural network algorithms including single layer perception, multilayer back propagation network etc. In our work, we model the RL problem for specific dataset of student applications in fuzzy description logic (FDL) where linkage of specific pair (a,b) depends on the truth value of corresponding formula A(a,b) in a canonical FDL model. As a main result, we build neural network for deciding truth value of FDL formulas in a canonical model and thus link RL problem to machine learning. We apply the approach to dataset with 10000 entries and also compare to classical RL solving approaches. The results show to be more accurate than standard probabilistic approach.

Keywords: description logic, fuzzy logic, neural networks, record linkage

Procedia PDF Downloads 272
2115 Effects of Six Weeks of Moderate-Intensity Aerobic Training with a Pomegranate Juice on Plasma Leptin in Women with Type 2 Diabetes

Authors: M. Golzade Gangraj, A. Abdi, H.faraji

Abstract:

Aim: The aim of this study was to evaluate the effects of six weeks of moderate-intensity aerobic exercise with pomegranate juice (PJ) on plasma leptin in adult women selection of type-2 diabetes. Methods: Survey postmenopausal diabetic women aged 45 to 60 years in the city of Babylon, who coordinated Diabetes Association presented the city, among them 34 were selected as subjects were randomly divided into four groups: control, PJ, practice and PJ. Experimental groups consisted of 6 weeks of aerobic exercise training program three times a week for at least 45 minutes per meeting. Two days before and after the training period in the fasting state (12 h) blood samples from the brachial vein was performed in a sitting position. Results: Results showed that aerobic exercise with consumption of pomegranate juice alone and interaction with each significantly decrease levels of leptin plasma in older women with type 2 diabetes compared to control group. Conclusion: According to the research findings can be stated the exercise with pomegranate juice beneficially effects fat tissue and decreases plasma leptin in adult women with type 2 diabetes and thereby reduce risk of cardiovascular disease.

Keywords: aerobic exercise, pomegranate, leptin, diabetes

Procedia PDF Downloads 441
2114 Discerning Divergent Nodes in Social Networks

Authors: Mehran Asadi, Afrand Agah

Abstract:

In data mining, partitioning is used as a fundamental tool for classification. With the help of partitioning, we study the structure of data, which allows us to envision decision rules, which can be applied to classification trees. In this research, we used online social network dataset and all of its attributes (e.g., Node features, labels, etc.) to determine what constitutes an above average chance of being a divergent node. We used the R statistical computing language to conduct the analyses in this report. The data were found on the UC Irvine Machine Learning Repository. This research introduces the basic concepts of classification in online social networks. In this work, we utilize overfitting and describe different approaches for evaluation and performance comparison of different classification methods. In classification, the main objective is to categorize different items and assign them into different groups based on their properties and similarities. In data mining, recursive partitioning is being utilized to probe the structure of a data set, which allow us to envision decision rules and apply them to classify data into several groups. Estimating densities is hard, especially in high dimensions, with limited data. Of course, we do not know the densities, but we could estimate them using classical techniques. First, we calculated the correlation matrix of the dataset to see if any predictors are highly correlated with one another. By calculating the correlation coefficients for the predictor variables, we see that density is strongly correlated with transitivity. We initialized a data frame to easily compare the quality of the result classification methods and utilized decision trees (with k-fold cross validation to prune the tree). The method performed on this dataset is decision trees. Decision tree is a non-parametric classification method, which uses a set of rules to predict that each observation belongs to the most commonly occurring class label of the training data. Our method aggregates many decision trees to create an optimized model that is not susceptible to overfitting. When using a decision tree, however, it is important to use cross-validation to prune the tree in order to narrow it down to the most important variables.

Keywords: online social networks, data mining, social cloud computing, interaction and collaboration

Procedia PDF Downloads 158
2113 Stock Prediction and Portfolio Optimization Thesis

Authors: Deniz Peksen

Abstract:

This thesis aims to predict trend movement of closing price of stock and to maximize portfolio by utilizing the predictions. In this context, the study aims to define a stock portfolio strategy from models created by using Logistic Regression, Gradient Boosting and Random Forest. Recently, predicting the trend of stock price has gained a significance role in making buy and sell decisions and generating returns with investment strategies formed by machine learning basis decisions. There are plenty of studies in the literature on the prediction of stock prices in capital markets using machine learning methods but most of them focus on closing prices instead of the direction of price trend. Our study differs from literature in terms of target definition. Ours is a classification problem which is focusing on the market trend in next 20 trading days. To predict trend direction, fourteen years of data were used for training. Following three years were used for validation. Finally, last three years were used for testing. Training data are between 2002-06-18 and 2016-12-30 Validation data are between 2017-01-02 and 2019-12-31 Testing data are between 2020-01-02 and 2022-03-17 We determine Hold Stock Portfolio, Best Stock Portfolio and USD-TRY Exchange rate as benchmarks which we should outperform. We compared our machine learning basis portfolio return on test data with return of Hold Stock Portfolio, Best Stock Portfolio and USD-TRY Exchange rate. We assessed our model performance with the help of roc-auc score and lift charts. We use logistic regression, Gradient Boosting and Random Forest with grid search approach to fine-tune hyper-parameters. As a result of the empirical study, the existence of uptrend and downtrend of five stocks could not be predicted by the models. When we use these predictions to define buy and sell decisions in order to generate model-based-portfolio, model-based-portfolio fails in test dataset. It was found that Model-based buy and sell decisions generated a stock portfolio strategy whose returns can not outperform non-model portfolio strategies on test dataset. We found that any effort for predicting the trend which is formulated on stock price is a challenge. We found same results as Random Walk Theory claims which says that stock price or price changes are unpredictable. Our model iterations failed on test dataset. Although, we built up several good models on validation dataset, we failed on test dataset. We implemented Random Forest, Gradient Boosting and Logistic Regression. We discovered that complex models did not provide advantage or additional performance while comparing them with Logistic Regression. More complexity did not lead us to reach better performance. Using a complex model is not an answer to figure out the stock-related prediction problem. Our approach was to predict the trend instead of the price. This approach converted our problem into classification. However, this label approach does not lead us to solve the stock prediction problem and deny or refute the accuracy of the Random Walk Theory for the stock price.

Keywords: stock prediction, portfolio optimization, data science, machine learning

Procedia PDF Downloads 80
2112 Data Science-Based Key Factor Analysis and Risk Prediction of Diabetic

Authors: Fei Gao, Rodolfo C. Raga Jr.

Abstract:

This research proposal will ascertain the major risk factors for diabetes and to design a predictive model for risk assessment. The project aims to improve diabetes early detection and management by utilizing data science techniques, which may improve patient outcomes and healthcare efficiency. The phase relation values of each attribute were used to analyze and choose the attributes that might influence the examiner's survival probability using Diabetes Health Indicators Dataset from Kaggle’s data as the research data. We compare and evaluate eight machine learning algorithms. Our investigation begins with comprehensive data preprocessing, including feature engineering and dimensionality reduction, aimed at enhancing data quality. The dataset, comprising health indicators and medical data, serves as a foundation for training and testing these algorithms. A rigorous cross-validation process is applied, and we assess their performance using five key metrics like accuracy, precision, recall, F1-score, and area under the receiver operating characteristic curve (AUC-ROC). After analyzing the data characteristics, investigate their impact on the likelihood of diabetes and develop corresponding risk indicators.

Keywords: diabetes, risk factors, predictive model, risk assessment, data science techniques, early detection, data analysis, Kaggle

Procedia PDF Downloads 75
2111 Preparation and Struggle of Two Generations for Future Care: A Study of Intergenerational Care Planning among Mainland Immigrant Ageing Families in Hong Kong

Authors: Xue Bai, Ranran He, Chang Liu

Abstract:

Care planning before the onset of intensive care needs can benefit older adults’ psychological well-being and increases families’ ability to manage caregiving crises and cope with care transitions. Effective care planning requires collaborative ‘team-work’ in families. However, future care planning has not been substantially examined in intergenerational or family contexts, let alone among immigrant families who have to face particular challenges in parental caregiving. From a family systems perspective, this study intends to explore the extent, processes, and contents of intergenerational care planning of Mainland immigrant ageing families in Hong Kong and to examine the intergenerational congruence and discrepancies in the care planning process. Adopting a qualitative research design, semi-structured in-depth interviews were conducted with 17 adult child-older parent pairs and another 33 adult children. In total, 50 adult children who migrated to Hong Kong after the age of 18 with more than three years’ work experience in Hong Kong had at least one parent aged over 55 years old who was not a Hong Kong resident and considered his/herself as the primary caregiver of the parent were recruited. Seventeen ageing parents of the recruited adult children were invited for dyadic interviews. Scarcity of caregiving resources in the context of cross-border migration, intergenerational discrepancies in care planning stages, both generations’ struggle and ambivalence toward filial care, intergenerational transmission of care values, and facilitating role of accumulated family capital in care preparation were primary themes concluded from participants’ narratives. Compared with ageing parents, immigrant adult children generally displayed lower levels of care planning. Although with a strong awareness of parents’ future care needs, few adult children were found engaged in concrete planning activities. This is largely due to their uncertainties toward future life and career, huge work and living pressure, the relatively good health status of their parents, and restrictions of public welfare policies in the receiving society. By contrast, children’s cross-border migration encouraged ageing parents to have early and clear preparation for future care. Ageing parents mostly expressed low filial care expectations when realizing the scarcity of family caregiving resources in the cross-border context. Even though they prefer in-person support from children, most of them prepare themselves for independent ageing to prioritize the next generation’s needs or choose to utilize paid services, welfare systems, friend networks, or extended family networks in their sending society. Adult children were frequently found caught in the dilemma of desiring to provide high quality and in-person support for their parents but lacking sufficient resources. Notably, a salient pattern of intergenerational transmission in terms of family and care values and ideal care arrangement emerged from intergenerational care preparation. Moreover, the positive role of accumulated family capital generated by a reunion in care preparation and joint decision-making were also identified. The findings of the current study will enhance professionals’ and service providers’ awareness of intergenerational care planning in cross-border migration contexts, inform services to alleviate unpreparedness for elderly care and intergenerational discrepancies concerning care arrangements and broaden family services to encompass intergenerational care planning interventions. Acknowledgment: This study is supported by a General Research Grant from the Research Grants Council of the HKSAR, China (Project Number: 15603818).

Keywords: intergenerational care planning, mainland immigrants in Hong Kong, migrant family, older adults

Procedia PDF Downloads 126
2110 Electrocardiogram-Based Heartbeat Classification Using Convolutional Neural Networks

Authors: Jacqueline Rose T. Alipo-on, Francesca Isabelle F. Escobar, Myles Joshua T. Tan, Hezerul Abdul Karim, Nouar Al Dahoul

Abstract:

Electrocardiogram (ECG) signal analysis and processing are crucial in the diagnosis of cardiovascular diseases, which are considered one of the leading causes of mortality worldwide. However, the traditional rule-based analysis of large volumes of ECG data is time-consuming, labor-intensive, and prone to human errors. With the advancement of the programming paradigm, algorithms such as machine learning have been increasingly used to perform an analysis of ECG signals. In this paper, various deep learning algorithms were adapted to classify five classes of heartbeat types. The dataset used in this work is the synthetic MIT-BIH Arrhythmia dataset produced from generative adversarial networks (GANs). Various deep learning models such as ResNet-50 convolutional neural network (CNN), 1-D CNN, and long short-term memory (LSTM) were evaluated and compared. ResNet-50 was found to outperform other models in terms of recall and F1 score using a five-fold average score of 98.88% and 98.87%, respectively. 1-D CNN, on the other hand, was found to have the highest average precision of 98.93%.

Keywords: heartbeat classification, convolutional neural network, electrocardiogram signals, generative adversarial networks, long short-term memory, ResNet-50

Procedia PDF Downloads 128
2109 Leveraging Natural Language Processing for Legal Artificial Intelligence: A Longformer Approach for Taiwanese Legal Cases

Authors: Hsin Lee, Hsuan Lee

Abstract:

Legal artificial intelligence (LegalAI) has been increasing applications within legal systems, propelled by advancements in natural language processing (NLP). Compared with general documents, legal case documents are typically long text sequences with intrinsic logical structures. Most existing language models have difficulty understanding the long-distance dependencies between different structures. Another unique challenge is that while the Judiciary of Taiwan has released legal judgments from various levels of courts over the years, there remains a significant obstacle in the lack of labeled datasets. This deficiency makes it difficult to train models with strong generalization capabilities, as well as accurately evaluate model performance. To date, models in Taiwan have yet to be specifically trained on judgment data. Given these challenges, this research proposes a Longformer-based pre-trained language model explicitly devised for retrieving similar judgments in Taiwanese legal documents. This model is trained on a self-constructed dataset, which this research has independently labeled to measure judgment similarities, thereby addressing a void left by the lack of an existing labeled dataset for Taiwanese judgments. This research adopts strategies such as early stopping and gradient clipping to prevent overfitting and manage gradient explosion, respectively, thereby enhancing the model's performance. The model in this research is evaluated using both the dataset and the Average Entropy of Offense-charged Clustering (AEOC) metric, which utilizes the notion of similar case scenarios within the same type of legal cases. Our experimental results illustrate our model's significant advancements in handling similarity comparisons within extensive legal judgments. By enabling more efficient retrieval and analysis of legal case documents, our model holds the potential to facilitate legal research, aid legal decision-making, and contribute to the further development of LegalAI in Taiwan.

Keywords: legal artificial intelligence, computation and language, language model, Taiwanese legal cases

Procedia PDF Downloads 72
2108 A Hybrid Feature Selection and Deep Learning Algorithm for Cancer Disease Classification

Authors: Niousha Bagheri Khulenjani, Mohammad Saniee Abadeh

Abstract:

Learning from very big datasets is a significant problem for most present data mining and machine learning algorithms. MicroRNA (miRNA) is one of the important big genomic and non-coding datasets presenting the genome sequences. In this paper, a hybrid method for the classification of the miRNA data is proposed. Due to the variety of cancers and high number of genes, analyzing the miRNA dataset has been a challenging problem for researchers. The number of features corresponding to the number of samples is high and the data suffer from being imbalanced. The feature selection method has been used to select features having more ability to distinguish classes and eliminating obscures features. Afterward, a Convolutional Neural Network (CNN) classifier for classification of cancer types is utilized, which employs a Genetic Algorithm to highlight optimized hyper-parameters of CNN. In order to make the process of classification by CNN faster, Graphics Processing Unit (GPU) is recommended for calculating the mathematic equation in a parallel way. The proposed method is tested on a real-world dataset with 8,129 patients, 29 different types of tumors, and 1,046 miRNA biomarkers, taken from The Cancer Genome Atlas (TCGA) database.

Keywords: cancer classification, feature selection, deep learning, genetic algorithm

Procedia PDF Downloads 111
2107 A Rare Case of Taenia solium Induced Ileo-Cecal Intussusception in an Adult

Authors: Naraporn Taemaitree, Pruet Areesawangvong, Satchachon Changthom, Tanin Titipungul

Abstract:

Adult intussusception, unlike childhood intussusception, is rare. Approximately 5-15% of cases are idiopathic without a lead point lesion. Secondary intussusception is caused by pathological conditions such as inflammatory bowel disease, postoperative adhesions, Meckel’s diverticulum, benign and malignant lesions, metastatic neoplasms, or even iatrogenically due to the presence of intestinal tubes, jejunostomy feeding tubes or after gastric surgery. Diagnosis can be delayed because of its longstanding, intermittent, and non-specific symptoms. Computed tomography is the most sensitive diagnostic modality and can help distinguish between intussusceptions with and without a lead point and lesion localization. This report presents the case of a 49-year-old man presented with increasing abdominal pain over the past three days, loss of appetite, constipation, and frequent vomiting. Computed tomography revealed distal small bowel obstruction at the right lower quadrant with thickened outer wall and internal non-dilated small bowel loop. Emergency exploratory laparotomy was performed to clear the obstruction, which upon inspection was caused by extremely long Taenia solium parasites.

Keywords: intussusception, tape worm, Taenia solium, abdominal pain

Procedia PDF Downloads 133
2106 A Qualitative Exploration into Australian Muslims Emerging into Adulthood

Authors: Nuray Okcum, Jenny Sharples

Abstract:

While the scrutinization towards marginalized groups throughout the globe has been existent for decades, prejudice towards Muslims in Western countries has been increasing dramatically. The vicious attacks across the globe by perpetrators who identify with Islam as well as popular political discourse by politicians in Western countries claiming and portraying Muslims as being dangerous, oppressed, or lacking the ability to assimilate into the community, adds to the exclusion and lack of belonging Muslims living in Western countries experience. The early stages of adulthood which have recently been conceptualized as emerging adulthood is a critical and socially ambiguous transition. For a young Muslim emerging into adulthood in a Western country, a variety of different challenges and demands that can exceed their coping abilities can arise. While in search for their identity and in a bid to structure themselves with their past childhood experiences together with their newly forming values, the emerging adult may attempt to direct or change the way in which they are viewed by others. This can be done to gain approval from others and to feel a sense of belonging. A change in the emerging adult’s interpersonal interactions and relationships, the way in which they view themselves and others, their sense of belonging, and their identity, also occurs during this developmental stage. To explore the manner in which Muslims emerging into adulthood carve their identity, their experiences, and representation of their Muslim identity, social identification, and their sense of belonging in Australia, an interpretative phenomenological methodology was utilized. This allowed participants to offer their own subjective experiences. A total of eight emerging adults took part in the study whilst four adults who work with emerging adults took part. Adult participants who work with emerging adults took part in the study to bring forth their insight and experiences. Common experiences were organized into themes. Themes included identifying as a Muslim, social identification, and belonging. Identification included visual identification and name, discrimination and resilience. Findings clearly indicated that Muslims emerging into adulthood in Australia do face various hurdles while they try to retain and represent their religious identity. Despite the unique challenges that they face, they still feel a sense of belonging and identity as being Australian.

Keywords: Muslim, Islam, emerging adulthood, Australia

Procedia PDF Downloads 135
2105 Ophthalmic Self-Medication Practices and Associated Factors among Adult Ophthalmic Patients

Authors: Sarah Saad Alamer, Shujon Mohammed Alazzam, Amjad Khater Alanazi, Mohamed Ahmed Sankari, Jana Sameer Sendy, Saleh Al-Khaldi, Khaled Allam, Amani Badawi

Abstract:

Background: Self-medication is defined as the selection of medicines by individuals to treat self-diagnosed. There are a lot of concerns about the safety of long-term use of nonprescription ophthalmic drugs, which may lead to a variety of serious ocular complications. Topical steroids can produce severe eye-threatening complications, including the elevation of intraocular pressure (IOP) with possible development of glaucoma and infrequent optic nerve damage. In recent times, many OTC ophthalmic preparations have been possible without a prescription. Objective: In our study, we aimed to determine the prevalence of self-medication ocular topical steroid practice and associated factors among adult ophthalmic patients attending King Saud medical city. Methods: This study was conducted as a cross-sectional study, targeting participants aged 18 years old or above who had used topical steroids eye drops to determine the prevalence of self-medication ocular topical steroid practice and associated factors among adult patients attending ophthalmology clinic in King Saud Medical City (KSMC) in the central region. Results: A total of 308 responses, 92(29.8%) were using ocular topical, 58(18.8%) with prescription, 5(1.6%) without prescription, 29(9.4%) with and without prescription while 216(70.1%) did not use it. The frequency of using ocular topical steroids without a prescription among participants was 11(12%) once and 33 (35%) many times. 26(28.3%) were having complication, mostly 11(12.4%) eye infection, 8(9%) Glaucoma, 6 (6.7%) Cataracts. Reasons for self-medication ocular topical steroid practice among participants were 14 (15.2%) repeated symptoms, 11(15.2%) had heard an advice from a friend, 11 (15.2%) thought they had enough knowledge. Conclusion: Our study reveals that, even though detecting a high level of knowledge and acceptable practices and attitudes among participants, the incidence of self-medication with steroid eye drops was observed. This practice is mainly due to participants having repeated symptoms and thinking they have enough knowledge. Increasing the education level of patients on self-medication steroid eye drops practice and it is associated complications would help reduce the incidence of self-medication steroid eye drops practice.

Keywords: self-medication, ophthalmic medicine, steroid eye drop, over the counter

Procedia PDF Downloads 90
2104 Biologiacal and Morphological Aspects of the Sweet Potato Bug, Physomerus grossipes F. (Heteroptera: Coreidae)

Authors: J. Name, S. Bumroongsook

Abstract:

The laboratory and field studies was conducted at King Monkut’s Institute of Technology Ladkrabang to determine biological and morphological aspects of a sweet potato bug ( Physomerus grossipes F.)(Heteroptera). It belongs to the family Coreidae. This insect lays eggs underside of leaves or on the stem of water convolvulus ( Ipomoea aquatic Forsk ) naturally grown in asiatic pennywort plantations. Male and female adults, aged 12-16 day, are known to have multiple mating. Its copulatory position was observed as end to end position which was lasted as long as for 9-60 hours. Groups of eggs were attached to parts of host plants. The egg normally hatches in 16.00-17.50 days(mean 16.63±0.53days). They have 5 nymphal stages and pass through 5 molts before reaching maturity as follows:the first instar 3.83-4.25 days(mean 4.09±0.13 days), the second instar 15.25-27.63 days(mean 20.86± 3.24 days), the third nymphs instar 15.25-27.63 days(mean 20.86±4.42 days), the fourth nymphs 7.29-14.25 days(mean 10.42±2.64 day) and the fifth nymphs 12.58-18.00 days(mean 14.88±1.53 days).These nymphs tend to stay together and suck plant sap from stolons and stems of water convolvulus. The fifth nymps are morphologically similar to adults and they have small wing pads. Adult bugs have full grown wings which cover the abdomen. Total developmental time from egg to adult takes about 104-123 days.

Keywords: morphological aspects, sweet potato bugs (Physomerus grossipes F.), water convolvulus

Procedia PDF Downloads 314
2103 Disaggregation the Daily Rainfall Dataset into Sub-Daily Resolution in the Temperate Oceanic Climate Region

Authors: Mohammad Bakhshi, Firas Al Janabi

Abstract:

High resolution rain data are very important to fulfill the input of hydrological models. Among models of high-resolution rainfall data generation, the temporal disaggregation was chosen for this study. The paper attempts to generate three different rainfall resolutions (4-hourly, hourly and 10-minutes) from daily for around 20-year record period. The process was done by DiMoN tool which is based on random cascade model and method of fragment. Differences between observed and simulated rain dataset are evaluated with variety of statistical and empirical methods: Kolmogorov-Smirnov test (K-S), usual statistics, and Exceedance probability. The tool worked well at preserving the daily rainfall values in wet days, however, the generated data are cumulated in a shorter time period and made stronger storms. It is demonstrated that the difference between generated and observed cumulative distribution function curve of 4-hourly datasets is passed the K-S test criteria while in hourly and 10-minutes datasets the P-value should be employed to prove that their differences were reasonable. The results are encouraging considering the overestimation of generated high-resolution rainfall data.

Keywords: DiMoN Tool, disaggregation, exceedance probability, Kolmogorov-Smirnov test, rainfall

Procedia PDF Downloads 201
2102 Association Type 1 Diabetes and Celiac Disease in Adult Patients

Authors: Soumaya Mrabet, Taieb Ach, Imen Akkari, Amira Atig, Neirouz Ghannouchi, Koussay Ach, Elhem Ben Jazia

Abstract:

Introduction: Celiac disease (CD) and type 1 diabetes mellitus (T1D) are complex disorders with shared genetic components. The association between CD and T1D has been reported in many pediatric series. The aim of our study is to describe the epidemiological, clinical and evolutive characteristics of adult patients presenting this association. Material and Methods: This is a retrospective study including patients diagnosed with CD and T1D, explored in Internal Medicine, Gastroenterology and Endocrinology and Diabetology Departments of the Farhat Hached University Hospital, between January 2005 and June 2016. Results: Among 57 patients with CD, 15 patients had also T1D (26.3%). There are 11 women and 4 men with a median age of 27 years (16-48). All patients developed T1D prior to the diagnosis of CD with an average duration of 47 months between the two diagnosis (6 months-5 years). CD was revealed by recurrent abdominal pain in 11 cases, diarrhea in 10 cases, bloating in 8 cases, constipation in 6 cases and vomiting in 2 cases. Three patients presented cycle disorders with secondary amenorrhea in 2 patients. Anti-Endomysium, anti-transglutaminase and Anti-gliadin antibodies were positive respectively in 57, 54 and 11 cases. The biological tests revealed anemia in 10 cases, secondary to iron deficiency in 6 cases and folate and vitamin B12 deficiency in 4 cases, hypoalbuminaemia in 4 cases, hypocalcemia in 3 cases and hypocholesterolemia in 1 patient. Upper gastrointestinal endoscopy showed an effacement of the folds of the duodenal mucosa in 6 cases and a congestive duodenal mucosa in 3 cases. The macroscopic appearance was normal in the others cases. Microscopic examination showed an aspect of villous atrophy in 57 cases, which was partial in 10 cases and total in 47 cases. After an average follow-up of 3 years 2 months, the evolution was favorable in all patients under gluten-free diet with the necessity of less important doses of insulin in 10 patients. Conclusion: In our study, the prevalence of T1D in adult patients with CD was 26.3%. This association can be attributed to overlapping genetic HLA risk loci. In recent studies, the role of gluten as an important player in the pathogenesis of CD and T1D has been also suggested.

Keywords: celiac disease, gluten, prevalence, type 1 diabetes

Procedia PDF Downloads 253
2101 Experiences and Perceptions of the Barriers and Facilitators of Continence Care Provision in Residential and Nursing Homes for Older Adults: A Systematic Evidence Synthesis and Qualitative Exploration

Authors: Jennifer Wheeldon, Nick de Viggiani, Nikki Cotterill

Abstract:

Background: Urinary and fecal incontinence affect a significant proportion of older adults aged 65 and over who permanently reside in residential and nursing home facilities. Incontinence symptoms have been linked to comorbidities, an increased risk of infection and reduced quality of life and mental wellbeing of residents. However, continence care provision can often be poor, further compromising the health and wellbeing of this vulnerable population. Objectives: To identify experiences and perceptions of continence care provision in older adult residential care settings and to identify factors that help or hinder good continence care provision. Settings included both residential care homes and nursing homes for older adults. Methods: A qualitative evidence synthesis using systematic review methodology established the current evidence-base. Data from 20 qualitative and mixed-method studies was appraised and synthesized. Following the review process, 10* qualitative interviews with staff working in older adult residential care settings were conducted across six* sites, which included registered managers, registered nurses and nursing/care assistants/aides. Purposive sampling recruited individuals from across England. Both evidence synthesis and interview data was analyzed thematically, both manually and with NVivo software. Results: The evidence synthesis revealed complex barriers and facilitators for continence care provision at three influencing levels: macro (structural and societal external influences), meso (organizational and institutional influences) and micro (day-to-day actions of individuals impacting service delivery). Macro-level barriers included negative stigmas relating to incontinence, aging and working in the older adult social care sector, restriction of continence care resources such as containment products (i.e. pads), short staffing in care facilities, shortfalls in the professional education and training of care home staff and the complex health and social care needs of older adult residents. Meso-level barriers included task-centered organizational cultures, ageist institutional perspectives regarding old age and incontinence symptoms, inadequate care home management and poor communication and teamwork among care staff. Micro-level barriers included poor knowledge and negative attitudes of care home staff and residents regarding incontinence symptoms and symptom management and treatment. Facilitators at the micro-level included proactive and inclusive leadership skills of individuals in management roles. Conclusions: The findings of the evidence synthesis study help to outline the complexities of continence care provision in older adult care homes facilities. Macro, meso and micro level influences demonstrate problematic and interrelated barriers across international contexts, indicating that improving continence care in this setting is extremely challenging due to the multiple levels at which care provision and services are impacted. Both international and national older adult social care policy-makers, researchers and service providers must recognize this complexity, and any intervention seeking to improve continence care in older adult care home settings must be planned accordingly and appreciatively of the complex and interrelated influences. It is anticipated that the findings of the qualitative interviews will shed further light on the national context of continence care provision specific to England; data collection is ongoing*. * Sample size is envisaged to be between 20-30 participants from multiple sites by Spring 2023.

Keywords: continence care, residential and nursing homes, evidence synthesis, qualitative

Procedia PDF Downloads 87
2100 Optimizing Pediatric Pneumonia Diagnosis with Lightweight MobileNetV2 and VAE-GAN Techniques in Chest X-Ray Analysis

Authors: Shriya Shukla, Lachin Fernando

Abstract:

Pneumonia, a leading cause of mortality in young children globally, presents significant diagnostic challenges, particularly in resource-limited settings. This study presents an approach to diagnosing pediatric pneumonia using Chest X-Ray (CXR) images, employing a lightweight MobileNetV2 model enhanced with synthetic data augmentation. Addressing the challenge of dataset scarcity and imbalance, the study used a Variational Autoencoder-Generative Adversarial Network (VAE-GAN) to generate synthetic CXR images, improving the representation of normal cases in the pediatric dataset. This approach not only addresses the issues of data imbalance and scarcity prevalent in medical imaging but also provides a more accessible and reliable diagnostic tool for early pneumonia detection. The augmented data improved the model’s accuracy and generalization, achieving an overall accuracy of 95% in pneumonia detection. These findings highlight the efficacy of the MobileNetV2 model, offering a computationally efficient yet robust solution well-suited for resource-constrained environments such as mobile health applications. This study demonstrates the potential of synthetic data augmentation in enhancing medical image analysis for critical conditions like pediatric pneumonia.

Keywords: pneumonia, MobileNetV2, image classification, GAN, VAE, deep learning

Procedia PDF Downloads 126
2099 ECG Based Reliable User Identification Using Deep Learning

Authors: R. N. Begum, Ambalika Sharma, G. K. Singh

Abstract:

Identity theft has serious ramifications beyond data and personal information loss. This necessitates the implementation of robust and efficient user identification systems. Therefore, automatic biometric recognition systems are the need of the hour, and ECG-based systems are unquestionably the best choice due to their appealing inherent characteristics. The CNNs are the recent state-of-the-art techniques for ECG-based user identification systems. However, the results obtained are significantly below standards, and the situation worsens as the number of users and types of heartbeats in the dataset grows. As a result, this study proposes a highly accurate and resilient ECG-based person identification system using CNN's dense learning framework. The proposed research explores explicitly the calibre of dense CNNs in the field of ECG-based human recognition. The study tests four different configurations of dense CNN which are trained on a dataset of recordings collected from eight popular ECG databases. With the highest FAR of 0.04 percent and the highest FRR of 5%, the best performing network achieved an identification accuracy of 99.94 percent. The best network is also tested with various train/test split ratios. The findings show that DenseNets are not only extremely reliable but also highly efficient. Thus, they might also be implemented in real-time ECG-based human recognition systems.

Keywords: Biometrics, Dense Networks, Identification Rate, Train/Test split ratio

Procedia PDF Downloads 161
2098 Screening of Risk Phenotypes among Metabolic Syndrome Subjects in Adult Pakistani Population

Authors: Muhammad Fiaz, Muhammad Saqlain, Abid Mahmood, S. M. Saqlan Naqvi, Rizwan Aziz Qazi, Ghazala Kaukab Raja

Abstract:

Background: Metabolic Syndrome is a clustering of multiple risk factors including central obesity, hypertension, dyslipidemia and hyperglycemia. These risk phenotypes of metabolic syndrome (MetS) prevalent world-wide, Therefore we aimed to identify the frequency of risk phenotypes among metabolic syndrome subjects in local adult Pakistani population. Methods: Screening of subjects visiting out-patient department of medicine, Shaheed Zulfiqar Ali Bhutto Medical University, Islamabad was performed to assess the occurrence of risk phenotypes among MetS subjects in Pakistani population. The Metabolic Syndrome was defined based on International Diabetes Federation (IDF) criteria. Anthropometric and biochemical assay results were recorded. Data was analyzed using SPSS software (16.0). Results: Our results showed that dyslipidemia (31.50%) and hyperglycemia (30.50%) was most population specific risk phenotypes of MetS. The results showed the order of association of metabolic risk phenotypes to MetS as follows hyperglycemia>dyslipidemia>obesity >hypertension. Conclusion: The hyperglycemia and dyslipidemia were found be the major risk phenotypes among the MetS subjects and have greater chances of deceloping MetS among Pakistani Population.

Keywords: dyslipidemia, hypertention, metabolic syndrome, obesity

Procedia PDF Downloads 209
2097 Learning Mandarin Chinese as a Foreign Language in a Bilingual Context: Adult Learners’ Perceptions of the Use of L1 Maltese and L2 English in Mandarin Chinese Lessons in Malta

Authors: Christiana Gauci-Sciberras

Abstract:

The first language (L1) could be used in foreign language teaching and learning as a pedagogical tool to scaffold new knowledge in the target language (TL) upon linguistic knowledge that the learner already has. In a bilingual context, code-switching between the two languages usually occurs in classrooms. One of the reasons for code-switching is because both languages are used for scaffolding new knowledge. This research paper aims to find out why both the L1 (Maltese) and the L2 (English) are used in the classroom of Mandarin Chinese as a foreign language (CFL) in the bilingual context of Malta. This research paper also aims to find out the learners’ perceptions of the use of a bilingual medium of instruction. Two research methods were used to collect qualitative data; semi-structured interviews with adult learners of Mandarin Chinese and lesson observations. These two research methods were used so that the data collected in the interviews would be triangulated with data collected in lesson observations. The L1 (Maltese) is the language of instruction mostly used. The teacher and the learners switch to the L2 (English) or to any other foreign language according to the need at a particular instance during the lesson.

Keywords: Chinese, bilingual, pedagogical purpose of L1 and L2, CFL acquisition

Procedia PDF Downloads 203
2096 Morphometric and Radiographic Studies on the Tarsal Bones of Adult Chinkara (Gazella bennettii)

Authors: Salahud Din, Saima Masood, Hafsa Zaneb, Habib-Ur Rehman, Imad Khan, Muqader Shah

Abstract:

The present study was carried out on the gross anatomy, biometery and radiographic analysis of tarsal bones in twenty specimens of adult chinkara (Gazella bennettii). The desired bones were collected from the graveyards present in the locality of the different safari parks and zoos in Pakistan. To observe the edges and articulations between the bones, the radiographic images were acquired in craniocaudals and mediolateral views of the intact limbs. The gross and radiographic studies of the tarsus of adult Chinkara were carried out in University of Veterinary and Animal Sciences, Lahore, Pakistan. The tarsus of chinkara comprised of five bones both grossly and radiographically, settled in three transverse rows: tibial and fibular tarsal in the proximal, central and fourth fused tarsal in the middle row, the first, second and third fused tarsal in the distal row. The fibular tarsal was the largest and longest bone of the hock, situated on the lateral side and had a bulbous tuber calcis 'point of the hock' at the proximal extremity which projects upward and backward. The average maximum height and breadth for fibular tarsal was 5.61 ± 0.23 cm and 2.06 ± 0.13 cm, respectively. The tibial tarsal bones were the 2nd largest bone of the proximal row and lie on the medial side of the tarsus bears trochlea at either end. The average maximum height and breadth for tibial tarsal was 2.79 ± 0.05 cm and 1.74 ± 0.01 cm, respectively. The central and the fourth tarsals were fused to form a large bone which extends across the entire width of the tarsus and articulates with all bones of the tarsus. A nutrient foramen was present in the center of the non auricular area, more prominent on the ventral surface. The average maximum height and breadth for central and fourth fused tarsal was 1.51 ± 0.13 cm and 2.08 ± 0.07 cm, respectively. The first tarsal was a quadrilateral piece of bone placed on the poteriomedial surface of the hock. The greatest length and maximum breadth of the first tarsal was 0.94 ± 0.01 cm and 1.01 ± 0.01 cm, respectively. The second and third fused tarsal bone resembles the central but was smaller and triangular in outline. It was situated between the central above and the large metatarsal bone below. The greatest length and maximum breadth of second and third fused tarsal was 0.98 ± 0.01 cm and 1.49 ± 0.01 cm.

Keywords: chinkara, morphometry, radiography, tarsal bone

Procedia PDF Downloads 172