Search results for: deep drawing
Commenced in January 2007
Frequency: Monthly
Edition: International
Paper Count: 2711

Search results for: deep drawing

2651 Robot Movement Using the Trust Region Policy Optimization

Authors: Romisaa Ali

Abstract:

The Policy Gradient approach is one of the deep reinforcement learning families that combines deep neural networks (DNN) with reinforcement learning RL to discover the optimum of the control problem through experience gained from the interaction between the robot and its surroundings. In contrast to earlier policy gradient algorithms, which were unable to handle these two types of error because of over-or under-estimation introduced by the deep neural network model, this article will discuss the state-of-the-art SOTA policy gradient technique, trust region policy optimization (TRPO), by applying this method in various environments compared to another policy gradient method, the Proximal Policy Optimization (PPO), to explain their robust optimization, using this SOTA to gather experience data during various training phases after observing the impact of hyper-parameters on neural network performance.

Keywords: deep neural networks, deep reinforcement learning, proximal policy optimization, state-of-the-art, trust region policy optimization

Procedia PDF Downloads 139
2650 Exploring Deep Neural Network Compression: An Overview

Authors: Ghorab Sara, Meziani Lila, Rubin Harvey Stuart

Abstract:

The rapid growth of deep learning has led to intricate and resource-intensive deep neural networks widely used in computer vision tasks. However, their complexity results in high computational demands and memory usage, hindering real-time application. To address this, research focuses on model compression techniques. The paper provides an overview of recent advancements in compressing neural networks and categorizes the various methods into four main approaches: network pruning, quantization, network decomposition, and knowledge distillation. This paper aims to provide a comprehensive outline of both the advantages and limitations of each method.

Keywords: model compression, deep neural network, pruning, knowledge distillation, quantization, low-rank decomposition

Procedia PDF Downloads 3
2649 Deep Reinforcement Learning Model Using Parameterised Quantum Circuits

Authors: Lokes Parvatha Kumaran S., Sakthi Jay Mahenthar C., Sathyaprakash P., Jayakumar V., Shobanadevi A.

Abstract:

With the evolution of technology, the need to solve complex computational problems like machine learning and deep learning has shot up. But even the most powerful classical supercomputers find it difficult to execute these tasks. With the recent development of quantum computing, researchers and tech-giants strive for new quantum circuits for machine learning tasks, as present works on Quantum Machine Learning (QML) ensure less memory consumption and reduced model parameters. But it is strenuous to simulate classical deep learning models on existing quantum computing platforms due to the inflexibility of deep quantum circuits. As a consequence, it is essential to design viable quantum algorithms for QML for noisy intermediate-scale quantum (NISQ) devices. The proposed work aims to explore Variational Quantum Circuits (VQC) for Deep Reinforcement Learning by remodeling the experience replay and target network into a representation of VQC. In addition, to reduce the number of model parameters, quantum information encoding schemes are used to achieve better results than the classical neural networks. VQCs are employed to approximate the deep Q-value function for decision-making and policy-selection reinforcement learning with experience replay and the target network.

Keywords: quantum computing, quantum machine learning, variational quantum circuit, deep reinforcement learning, quantum information encoding scheme

Procedia PDF Downloads 92
2648 On Dialogue Systems Based on Deep Learning

Authors: Yifan Fan, Xudong Luo, Pingping Lin

Abstract:

Nowadays, dialogue systems increasingly become the way for humans to access many computer systems. So, humans can interact with computers in natural language. A dialogue system consists of three parts: understanding what humans say in natural language, managing dialogue, and generating responses in natural language. In this paper, we survey deep learning based methods for dialogue management, response generation and dialogue evaluation. Specifically, these methods are based on neural network, long short-term memory network, deep reinforcement learning, pre-training and generative adversarial network. We compare these methods and point out the further research directions.

Keywords: dialogue management, response generation, deep learning, evaluation

Procedia PDF Downloads 133
2647 Parameters Affecting Load Capacity of Reinforced Concrete Ring Deep Beams

Authors: Atef Ahmad Bleibel

Abstract:

Most codes of practice, like ACI 318-14, require the use of strut-and-tie modeling to analyze and design reinforced concrete deep beams. Though, investigations that conducted on deep beams do not include ring deep beams of influential parameters. This work presents an analytical parametric study using strut-and-tie modeling stated by ACI 318-14 to predict load capacity of 20 reinforced concrete ring deep beam specimens with different parameters. The parameters that were under consideration in the current work are ring diameter (Dc), number of supports (NS), width of ring beam (bw), concrete compressive strength (f'c) and width of bearing plate (Bp). It is found that the load capacity decreases by about 14-36% when ring diameter increases by about 25-75%. It is also found that load capacity increases by about 62-189% when number of supports increases by about 33-100%, while the load capacity increases by about 25-75% when the beam ring width increases by about 25-75%. Finally, it is found that load capacity increases by about 24-76% when compressive strength increases by about 24-76%, while the load capacity increases by about 5-16% when Bp increases by about 25-75%.

Keywords: load parameters, reinforced concrete, ring deep beam, strut and tie

Procedia PDF Downloads 77
2646 An Event Relationship Extraction Method Incorporating Deep Feedback Recurrent Neural Network and Bidirectional Long Short-Term Memory

Authors: Yin Yuanling

Abstract:

A Deep Feedback Recurrent Neural Network (DFRNN) and Bidirectional Long Short-Term Memory (BiLSTM) are designed to address the problem of low accuracy of traditional relationship extraction models. This method combines a deep feedback-based recurrent neural network (DFRNN) with a bi-directional long short-term memory (BiLSTM) approach. The method combines DFRNN, which extracts local features of text based on deep feedback recurrent mechanism, BiLSTM, which better extracts global features of text, and Self-Attention, which extracts semantic information. Experiments show that the method achieves an F1 value of 76.69% on the CEC dataset, which is 0.0652 better than the BiLSTM+Self-ATT model, thus optimizing the performance of the deep learning method in the event relationship extraction task.

Keywords: event relations, deep learning, DFRNN models, bi-directional long and short-term memory networks

Procedia PDF Downloads 99
2645 Genetic Algorithm Based Deep Learning Parameters Tuning for Robot Object Recognition and Grasping

Authors: Delowar Hossain, Genci Capi

Abstract:

This paper concerns with the problem of deep learning parameters tuning using a genetic algorithm (GA) in order to improve the performance of deep learning (DL) method. We present a GA based DL method for robot object recognition and grasping. GA is used to optimize the DL parameters in learning procedure in term of the fitness function that is good enough. After finishing the evolution process, we receive the optimal number of DL parameters. To evaluate the performance of our method, we consider the object recognition and robot grasping tasks. Experimental results show that our method is efficient for robot object recognition and grasping.

Keywords: deep learning, genetic algorithm, object recognition, robot grasping

Procedia PDF Downloads 324
2644 Data Augmentation for Automatic Graphical User Interface Generation Based on Generative Adversarial Network

Authors: Xulu Yao, Moi Hoon Yap, Yanlong Zhang

Abstract:

As a branch of artificial neural network, deep learning is widely used in the field of image recognition, but the lack of its dataset leads to imperfect model learning. By analysing the data scale requirements of deep learning and aiming at the application in GUI generation, it is found that the collection of GUI dataset is a time-consuming and labor-consuming project, which is difficult to meet the needs of current deep learning network. To solve this problem, this paper proposes a semi-supervised deep learning model that relies on the original small-scale datasets to produce a large number of reliable data sets. By combining the cyclic neural network with the generated countermeasure network, the cyclic neural network can learn the sequence relationship and characteristics of data, make the generated countermeasure network generate reasonable data, and then expand the Rico dataset. Relying on the network structure, the characteristics of collected data can be well analysed, and a large number of reasonable data can be generated according to these characteristics. After data processing, a reliable dataset for model training can be formed, which alleviates the problem of dataset shortage in deep learning.

Keywords: GUI, deep learning, GAN, data augmentation

Procedia PDF Downloads 147
2643 Deep learning with Noisy Labels : Learning True Labels as Discrete Latent Variable

Authors: Azeddine El-Hassouny, Chandrashekhar Meshram, Geraldin Nanfack

Abstract:

In recent years, learning from data with noisy labels (Label Noise) has been a major concern in supervised learning. This problem has become even more worrying in Deep Learning, where the generalization capabilities have been questioned lately. Indeed, deep learning requires a large amount of data that is generally collected by search engines, which frequently return data with unreliable labels. In this paper, we investigate the Label Noise in Deep Learning using variational inference. Our contributions are : (1) exploiting Label Noise concept where the true labels are learnt using reparameterization variational inference, while observed labels are learnt discriminatively. (2) the noise transition matrix is learnt during the training without any particular process, neither heuristic nor preliminary phases. The theoretical results shows how true label distribution can be learned by variational inference in any discriminate neural network, and the effectiveness of our approach is proved in several target datasets, such as MNIST and CIFAR32.

Keywords: label noise, deep learning, discrete latent variable, variational inference, MNIST, CIFAR32

Procedia PDF Downloads 87
2642 Evaluating the Use of Digital Art Tools for Drawing to Enhance Artistic Ability and Improve Digital Skill among Junior School Students

Authors: Aber Salem Aboalgasm, Rupert Ward

Abstract:

This study investigated some results of the use of digital art tools by junior school children in order to discover if these tools could promote artistic ability and creativity. The study considers the ease of use and usefulness of the tools as well as how to assess artwork produced by digital means. As the use of these tools is a relatively new development in Art education, this study may help educators in their choice of which tools to use and when to use them. The study also aims to present a model for the assessment of students’ artistic development and creativity by studying their artistic activity. This model can help in determining differences in students’ creative ability and could be useful both for teachers, as a means of assessing digital artwork, and for students, by providing the motivation to use the tools to their fullest extent. Sixteen students aged nine to ten years old were observed and recorded while they used the digital drawing tools. The study found that, according to the students’ own statements, it was not the ease of use but the successful effects the tools provided which motivated the children to use them.

Keywords: artistic ability, creativity, drawing digital tool, TAM model, psychomotor domain

Procedia PDF Downloads 298
2641 Weed Classification Using a Two-Dimensional Deep Convolutional Neural Network

Authors: Muhammad Ali Sarwar, Muhammad Farooq, Nayab Hassan, Hammad Hassan

Abstract:

Pakistan is highly recognized for its agriculture and is well known for producing substantial amounts of wheat, cotton, and sugarcane. However, some factors contribute to a decline in crop quality and a reduction in overall output. One of the main factors contributing to this decline is the presence of weed and its late detection. This process of detection is manual and demands a detailed inspection to be done by the farmer itself. But by the time detection of weed, the farmer will be able to save its cost and can increase the overall production. The focus of this research is to identify and classify the four main types of weeds (Small-Flowered Cranesbill, Chick Weed, Prickly Acacia, and Black-Grass) that are prevalent in our region’s major crops. In this work, we implemented three different deep learning techniques: YOLO-v5, Inception-v3, and Deep CNN on the same Dataset, and have concluded that deep convolutions neural network performed better with an accuracy of 97.45% for such classification. In relative to the state of the art, our proposed approach yields 2% better results. We devised the architecture in an efficient way such that it can be used in real-time.

Keywords: deep convolution networks, Yolo, machine learning, agriculture

Procedia PDF Downloads 70
2640 Numerical Investigation on the Effects of Deep Excavation on Adjacent Pile Groups Subjected to Inclined Loading

Authors: Ashkan Shafee, Ahmad Fahimifar

Abstract:

There is a growing demand for construction of high-rise buildings and infrastructures in large cities, which sometimes require deep excavations in the vicinity of pile foundations. In this study, a two-dimensional finite element analysis is used to gain insight into the response of pile groups adjacent to deep excavations in sand. The numerical code was verified by available experimental works, and a parametric study was performed on different working load combinations, excavation depth and supporting system. The results show that the simple two-dimensional plane strain model can accurately simulate the excavation induced changes on adjacent pile groups. It was found that further excavation than pile toe level and also inclined loading on adjacent pile group can severely affect the serviceability of the foundation.

Keywords: deep excavation, inclined loading, lateral deformation, pile group

Procedia PDF Downloads 235
2639 Deep-Learning Based Approach to Facial Emotion Recognition through Convolutional Neural Network

Authors: Nouha Khediri, Mohammed Ben Ammar, Monji Kherallah

Abstract:

Recently, facial emotion recognition (FER) has become increasingly essential to understand the state of the human mind. Accurately classifying emotion from the face is a challenging task. In this paper, we present a facial emotion recognition approach named CV-FER, benefiting from deep learning, especially CNN and VGG16. First, the data is pre-processed with data cleaning and data rotation. Then, we augment the data and proceed to our FER model, which contains five convolutions layers and five pooling layers. Finally, a softmax classifier is used in the output layer to recognize emotions. Based on the above contents, this paper reviews the works of facial emotion recognition based on deep learning. Experiments show that our model outperforms the other methods using the same FER2013 database and yields a recognition rate of 92%. We also put forward some suggestions for future work.

Keywords: CNN, deep-learning, facial emotion recognition, machine learning

Procedia PDF Downloads 61
2638 Failure Analysis of Low Relaxation Prestressed High Carbon Steel Wire During Drawing Operation: A Metallurgical Investigation

Authors: Souvik Das, Sandip Bhattacharya, Goutam Mukhopadhyay, Manashi Adhikary

Abstract:

Wires breakages during cold drawing are a complex phenomenon; wire breakages may be induced by improper wire-rod quality, inappropriate heat-treated microstructure, and/or lubrication breakdown on the wire surface. A comprehensive metallurgical investigation of failed/broken wire samples is therefore essential for understanding the origin of failure. Frequent breakage of wires during drawing is a matter of serious concern to the wire drawers as it erodes their already slim margins through reduced productivity and loss in yield. The present paper highlights the failure investigation of wires of Low Relaxation Prestressed High Carbon grade during cold drawing due to entrapment of hard constituents detached from the roller entry guide during rolling operations. The hardness measurement of this entrapped location indicates 54.9 Rockwell Hardness as against the rest portion 33.4 Rockwell Hardness. The microstructure chemical analysis and X-ray mapping analysis data of the entrapment location confirmed complex chromium carbide originated from D2-steel used in entry guide during the rolling process. Since the harder entrapped phase could not be deformed in the same manner as the parent phase, the failure of the wire rod occurs during hot rolling.

Keywords: LRPC, D2-steel, chromium carbide, roller guide

Procedia PDF Downloads 129
2637 Cells Detection and Recognition in Bone Marrow Examination with Deep Learning Method

Authors: Shiyin He, Zheng Huang

Abstract:

In this paper, deep learning methods are applied in bio-medical field to detect and count different types of cells in an automatic way instead of manual work in medical practice, specifically in bone marrow examination. The process is mainly composed of two steps, detection and recognition. Mask-Region-Convolutional Neural Networks (Mask-RCNN) was used for detection and image segmentation to extract cells and then Convolutional Neural Networks (CNN), as well as Deep Residual Network (ResNet) was used to classify. Result of cell detection network shows high efficiency to meet application requirements. For the cell recognition network, two networks are compared and the final system is fully applicable.

Keywords: cell detection, cell recognition, deep learning, Mask-RCNN, ResNet

Procedia PDF Downloads 156
2636 Health Trajectory Clustering Using Deep Belief Networks

Authors: Farshid Hajati, Federico Girosi, Shima Ghassempour

Abstract:

We present a Deep Belief Network (DBN) method for clustering health trajectories. Deep Belief Network (DBN) is a deep architecture that consists of a stack of Restricted Boltzmann Machines (RBM). In a deep architecture, each layer learns more complex features than the past layers. The proposed method depends on DBN in clustering without using back propagation learning algorithm. The proposed DBN has a better a performance compared to the deep neural network due the initialization of the connecting weights. We use Contrastive Divergence (CD) method for training the RBMs which increases the performance of the network. The performance of the proposed method is evaluated extensively on the Health and Retirement Study (HRS) database. The University of Michigan Health and Retirement Study (HRS) is a nationally representative longitudinal study that has surveyed more than 27,000 elderly and near-elderly Americans since its inception in 1992. Participants are interviewed every two years and they collect data on physical and mental health, insurance coverage, financial status, family support systems, labor market status, and retirement planning. The dataset is publicly available and we use the RAND HRS version L, which is easy to use and cleaned up version of the data. The size of sample data set is 268 and the length of the trajectories is equal to 10. The trajectories do not stop when the patient dies and represent 10 different interviews of live patients. Compared to the state-of-the-art benchmarks, the experimental results show the effectiveness and superiority of the proposed method in clustering health trajectories.

Keywords: health trajectory, clustering, deep learning, DBN

Procedia PDF Downloads 342
2635 Subsea Control Module (SCM) - A Vital Factor for Well Integrity and Production Performance in Deep Water Oil and Gas Fields

Authors: Okoro Ikechukwu Ralph, Fuat Kara

Abstract:

The discoveries of hydrocarbon reserves has clearly drifted offshore, and in deeper waters - areas where the industry still has limited knowledge; and that were hitherto, regarded as being out of reach. This shift presents significant and increased challenges in technology requirements needed to guarantee safety of personnel, environment and equipment; ensure high reliability of installed equipment; and provide high level of confidence in security of investment and company reputation. Nowhere are these challenges more apparent than on subsea well integrity and production performance. The past two decades has witnessed enormous rise in deep and ultra-deep water offshore field developments for the recovery of hydrocarbons. Subsea installed equipment at the seabed has been the technology of choice for these developments. This paper discusses the role of Subsea Control module (SCM) as a vital factor for deep-water well integrity and production performance. A case study for Deep-water well integrity and production performance is analysed.

Keywords: offshore reliability, production performance, subsea control module, well integrity

Procedia PDF Downloads 480
2634 A Deep Learning Approach for the Predictive Quality of Directional Valves in the Hydraulic Final Test

Authors: Christian Neunzig, Simon Fahle, Jürgen Schulz, Matthias Möller, Bernd Kuhlenkötter

Abstract:

The increasing use of deep learning applications in production is becoming a competitive advantage. Predictive quality enables the assurance of product quality by using data-driven forecasts via machine learning models as a basis for decisions on test results. The use of real Bosch production data along the value chain of hydraulic valves is a promising approach to classifying the leakage of directional valves.

Keywords: artificial neural networks, classification, hydraulics, predictive quality, deep learning

Procedia PDF Downloads 200
2633 Foot Recognition Using Deep Learning for Knee Rehabilitation

Authors: Rakkrit Duangsoithong, Jermphiphut Jaruenpunyasak, Alba Garcia

Abstract:

The use of foot recognition can be applied in many medical fields such as the gait pattern analysis and the knee exercises of patients in rehabilitation. Generally, a camera-based foot recognition system is intended to capture a patient image in a controlled room and background to recognize the foot in the limited views. However, this system can be inconvenient to monitor the knee exercises at home. In order to overcome these problems, this paper proposes to use the deep learning method using Convolutional Neural Networks (CNNs) for foot recognition. The results are compared with the traditional classification method using LBP and HOG features with kNN and SVM classifiers. According to the results, deep learning method provides better accuracy but with higher complexity to recognize the foot images from online databases than the traditional classification method.

Keywords: foot recognition, deep learning, knee rehabilitation, convolutional neural network

Procedia PDF Downloads 126
2632 Prediction of PM₂.₅ Concentration in Ulaanbaatar with Deep Learning Models

Authors: Suriya

Abstract:

Rapid socio-economic development and urbanization have led to an increasingly serious air pollution problem in Ulaanbaatar (UB), the capital of Mongolia. PM₂.₅ pollution has become the most pressing aspect of UB air pollution. Therefore, monitoring and predicting PM₂.₅ concentration in UB is of great significance for the health of the local people and environmental management. As of yet, very few studies have used models to predict PM₂.₅ concentrations in UB. Using data from 0:00 on June 1, 2018, to 23:00 on April 30, 2020, we proposed two deep learning models based on Bayesian-optimized LSTM (Bayes-LSTM) and CNN-LSTM. We utilized hourly observed data, including Himawari8 (H8) aerosol optical depth (AOD), meteorology, and PM₂.₅ concentration, as input for the prediction of PM₂.₅ concentrations. The correlation strengths between meteorology, AOD, and PM₂.₅ were analyzed using the gray correlation analysis method; the comparison of the performance improvement of the model by using the AOD input value was tested, and the performance of these models was evaluated using mean absolute error (MAE) and root mean square error (RMSE). The prediction accuracies of Bayes-LSTM and CNN-LSTM deep learning models were both improved when AOD was included as an input parameter. Improvement of the prediction accuracy of the CNN-LSTM model was particularly enhanced in the non-heating season; in the heating season, the prediction accuracy of the Bayes-LSTM model slightly improved, while the prediction accuracy of the CNN-LSTM model slightly decreased. We propose two novel deep learning models for PM₂.₅ concentration prediction in UB, Bayes-LSTM, and CNN-LSTM deep learning models. Pioneering the use of AOD data from H8 and demonstrating the inclusion of AOD input data improves the performance of our two proposed deep learning models.

Keywords: deep learning, AOD, PM2.5, prediction, Ulaanbaatar

Procedia PDF Downloads 13
2631 Scattering Operator and Spectral Clustering for Ultrasound Images: Application on Deep Venous Thrombi

Authors: Thibaud Berthomier, Ali Mansour, Luc Bressollette, Frédéric Le Roy, Dominique Mottier, Léo Fréchier, Barthélémy Hermenault

Abstract:

Deep Venous Thrombosis (DVT) occurs when a thrombus is formed within a deep vein (most often in the legs). This disease can be deadly if a part or the whole thrombus reaches the lung and causes a Pulmonary Embolism (PE). This disorder, often asymptomatic, has multifactorial causes: immobilization, surgery, pregnancy, age, cancers, and genetic variations. Our project aims to relate the thrombus epidemiology (origins, patient predispositions, PE) to its structure using ultrasound images. Ultrasonography and elastography were collected using Toshiba Aplio 500 at Brest Hospital. This manuscript compares two classification approaches: spectral clustering and scattering operator. The former is based on the graph and matrix theories while the latter cascades wavelet convolutions with nonlinear modulus and averaging operators.

Keywords: deep venous thrombosis, ultrasonography, elastography, scattering operator, wavelet, spectral clustering

Procedia PDF Downloads 450
2630 Efficient Deep Neural Networks for Real-Time Strawberry Freshness Monitoring: A Transfer Learning Approach

Authors: Mst. Tuhin Akter, Sharun Akter Khushbu, S. M. Shaqib

Abstract:

A real-time system architecture is highly effective for monitoring and detecting various damaged products or fruits that may deteriorate over time or become infected with diseases. Deep learning models have proven to be effective in building such architectures. However, building a deep learning model from scratch is a time-consuming and costly process. A more efficient solution is to utilize deep neural network (DNN) based transfer learning models in the real-time monitoring architecture. This study focuses on using a novel strawberry dataset to develop effective transfer learning models for the proposed real-time monitoring system architecture, specifically for evaluating and detecting strawberry freshness. Several state-of-the-art transfer learning models were employed, and the best performing model was found to be Xception, demonstrating higher performance across evaluation metrics such as accuracy, recall, precision, and F1-score.

Keywords: strawberry freshness evaluation, deep neural network, transfer learning, image augmentation

Procedia PDF Downloads 55
2629 Effect of Hypertension Exercise and Slow Deep Breathing Combination to Blood Pressure: A Mini Research in Elderly Community

Authors: Prima Khairunisa, Febriana Tri Kusumawati, Endah Luthfiana

Abstract:

Background: Hypertension in elderly, caused by cardiovascular system cannot work normally, because the valves thickened and inelastic blood vessels. It causes vasoconstriction of the blood vessels. Hypertension exercise, increase cardiovascular function and the elasticity of the blood vessels. While slow deep breathing helps the body and mind feel relax. Combination both of them will decrease the blood pressure. Objective: To know the effect of hypertension exercise and slow deep breathing combination to blood pressure in elderly. Method: The study conducted with one group pre-post test experimental design. The samples were 10 elderly both male and female in a Village in Semarang, Central Java, Indonesia. The tool was manual sphygmomanometer to measure blood pressure. Result: Based on paired t-test between hypertension exercise and slow deep breathing with systole blood pressure showed sig (2-tailed) was 0.045, while paired t-test between hypertension exercise hypertension exercise and slow deep breathing with diastole blood pressure showed sig (2-tailed) was 0,343. The changes of systole blood pressure were 127.5 mmHg, and diastole blood pressure was 80 mmHg. Systole blood pressure decreases significantly because the average of systole blood pressure before implementation was 135-160 mmHg. While diastole blood pressure was not decreased significantly. It was influenced by the average of diastole blood pressure before implementation of hypertension exercise was not too high. It was between 80- 90 mmHg. Conclusion: There was an effect of hypertension exercise and slow deep breathing combination to the blood pressure in elderly after 6 times implementations.

Keywords: hypertension exercise, slow deep breathing, elderly, blood pressure

Procedia PDF Downloads 315
2628 Deep Neck Infection Associated with Peritoneal Sepsis: A Rare Death Case

Authors: Sait Ozsoy, Asude Gokmen, Mehtap Yondem, Hanife A. Alkan, Gulnaz T. Javan

Abstract:

Deep neck infection often develops due to upper respiratory tract and odontogenic infections. Gastrointestinal System perforation can occur for many reasons and is in need of the early diagnosis and prompt surgical treatment. In both cases late or incorrect diagnosis may lead to increase morbidity and high mortality. A patient with a diagnosis of deep neck abscess died while under treatment due to sepsis and multiple organ failure. Autopsy finding showed duodenal ulcer and this is reported in the literature.

Keywords: peptic ulcer perforation, peritonitis, retropharyngeal abscess, sepsis

Procedia PDF Downloads 467
2627 Numerical Investigation of Embankment Settlement Improved by Method of Preloading by Vertical Drains

Authors: Seyed Abolhasan Naeini, Saeideh Mohammadi

Abstract:

Time dependent settlement due to loading on soft saturated soils produces many problems such as high consolidation settlements and low consolidation rates. Also, long term consolidation settlement of soft soil underlying the embankment leads to unpredicted settlements and cracks on soil surface. Preloading method is an effective improvement method to solve this problem. Using vertical drains in preloading method is an effective method for improving soft soils. Applying deep soil mixing method on soft soils is another effective method for improving soft soils. There are little studies on using two methods of preloading and deep soil mixing simultaneously. In this paper, the concurrent effect of preloading with deep soil mixing by vertical drains is investigated through a finite element code, Plaxis2D. The influence of parameters such as deep soil mixing columns spacing, existence of vertical drains and distance between them, on settlement and stability factor of safety of embankment embedded on soft soil is investigated in this research.

Keywords: preloading, soft soil, vertical drains, deep soil mixing, consolidation settlement

Procedia PDF Downloads 188
2626 A Case Study on the Numerical-Probability Approach for Deep Excavation Analysis

Authors: Komeil Valipourian

Abstract:

Urban advances and the growing need for developing infrastructures has increased the importance of deep excavations. In this study, after the introducing probability analysis as an important issue, an attempt has been made to apply it for the deep excavation project of Bangkok’s Metro as a case study. For this, the numerical probability model has been developed based on the Finite Difference Method and Monte Carlo sampling approach. The results indicate that disregarding the issue of probability in this project will result in an inappropriate design of the retaining structure. Therefore, probabilistic redesign of the support is proposed and carried out as one of the applications of probability analysis. A 50% reduction in the flexural strength of the structure increases the failure probability just by 8% in the allowable range and helps improve economic conditions, while maintaining mechanical efficiency. With regard to the lack of efficient design in most deep excavations, by considering geometrical and geotechnical variability, an attempt was made to develop an optimum practical design standard for deep excavations based on failure probability. On this basis, a practical relationship is presented for estimating the maximum allowable horizontal displacement, which can help improve design conditions without developing the probability analysis.

Keywords: numerical probability modeling, deep excavation, allowable maximum displacement, finite difference method (FDM)

Procedia PDF Downloads 97
2625 A Review on New Additives in Deep Soil Mixing Method

Authors: Meysam Mousakhani, Reza Ziaie Moayed

Abstract:

Considering the population growth and the needs of society, the improvement of problematic soils and the study of the application of different improvement methods have been considered. One of these methods is deep soil mixing, which has been developed in the past decade, especially in soft soils due to economic efficiency, simple implementation, and other benefits. The use of cement is criticized for its cost and the damaging environmental effects, so these factors lead us to use other additives along with cement in the deep soil mixing. Additives that are used today include fly ash, blast-furnace slag, glass powder, and potassium hydroxide. The present study provides a literature review on the application of different additives in deep soil mixing so that the best additives can be introduced from strength, economic, environmental and other perspectives. The results show that by replacing fly ash and slag with about 40 to 50% of cement, not only economic and environmental benefits but also a long-term strength comparable to cement would be achieved. The use of glass powder, especially in 3% mixing, results in desirable strength. In addition to the other benefits of these additives, potassium hydroxide can also be transported over longer distances, leading to wider soil improvement. Finally, this paper suggests further studies in terms of using other additives such as nanomaterials and zeolite, with different ratios, in different conditions and soils (silty sand, clayey sand, carbonate sand, sandy clay and etc.) in the deep mixing method.

Keywords: deep soil mix, soil stabilization, fly ash, ground improvement

Procedia PDF Downloads 113
2624 Improved Super-Resolution Using Deep Denoising Convolutional Neural Network

Authors: Pawan Kumar Mishra, Ganesh Singh Bisht

Abstract:

Super-resolution is the technique that is being used in computer vision to construct high-resolution images from a single low-resolution image. It is used to increase the frequency component, recover the lost details and removing the down sampling and noises that caused by camera during image acquisition process. High-resolution images or videos are desired part of all image processing tasks and its analysis in most of digital imaging application. The target behind super-resolution is to combine non-repetition information inside single or multiple low-resolution frames to generate a high-resolution image. Many methods have been proposed where multiple images are used as low-resolution images of same scene with different variation in transformation. This is called multi-image super resolution. And another family of methods is single image super-resolution that tries to learn redundancy that presents in image and reconstruction the lost information from a single low-resolution image. Use of deep learning is one of state of art method at present for solving reconstruction high-resolution image. In this research, we proposed Deep Denoising Super Resolution (DDSR) that is a deep neural network for effectively reconstruct the high-resolution image from low-resolution image.

Keywords: resolution, deep-learning, neural network, de-blurring

Procedia PDF Downloads 484
2623 Use Cloud-Based Watson Deep Learning Platform to Train Models Faster and More Accurate

Authors: Susan Diamond

Abstract:

Machine Learning workloads have traditionally been run in high-performance computing (HPC) environments, where users log in to dedicated machines and utilize the attached GPUs to run training jobs on huge datasets. Training of large neural network models is very resource intensive, and even after exploiting parallelism and accelerators such as GPUs, a single training job can still take days. Consequently, the cost of hardware is a barrier to entry. Even when upfront cost is not a concern, the lead time to set up such an HPC environment takes months from acquiring hardware to set up the hardware with the right set of firmware, software installed and configured. Furthermore, scalability is hard to achieve in a rigid traditional lab environment. Therefore, it is slow to react to the dynamic change in the artificial intelligent industry. Watson Deep Learning as a service, a cloud-based deep learning platform that mitigates the long lead time and high upfront investment in hardware. It enables robust and scalable sharing of resources among the teams in an organization. It is designed for on-demand cloud environments. Providing a similar user experience in a multi-tenant cloud environment comes with its own unique challenges regarding fault tolerance, performance, and security. Watson Deep Learning as a service tackles these challenges and present a deep learning stack for the cloud environments in a secure, scalable and fault-tolerant manner. It supports a wide range of deep-learning frameworks such as Tensorflow, PyTorch, Caffe, Torch, Theano, and MXNet etc. These frameworks reduce the effort and skillset required to design, train, and use deep learning models. Deep Learning as a service is used at IBM by AI researchers in areas including machine translation, computer vision, and healthcare. 

Keywords: deep learning, machine learning, cognitive computing, model training

Procedia PDF Downloads 180
2622 Probing Syntax Information in Word Representations with Deep Metric Learning

Authors: Bowen Ding, Yihao Kuang

Abstract:

In recent years, with the development of large-scale pre-trained lan-guage models, building vector representations of text through deep neural network models has become a standard practice for natural language processing tasks. From the performance on downstream tasks, we can know that the text representation constructed by these models contains linguistic information, but its encoding mode and extent are unclear. In this work, a structural probe is proposed to detect whether the vector representation produced by a deep neural network is embedded with a syntax tree. The probe is trained with the deep metric learning method, so that the distance between word vectors in the metric space it defines encodes the distance of words on the syntax tree, and the norm of word vectors encodes the depth of words on the syntax tree. The experiment results on ELMo and BERT show that the syntax tree is encoded in their parameters and the word representations they produce.

Keywords: deep metric learning, syntax tree probing, natural language processing, word representations

Procedia PDF Downloads 32