Search results for: neural style transfer
5358 Neural Style Transfer Using Deep Learning
Authors: Shaik Jilani Basha, Inavolu Avinash, Alla Venu Sai Reddy, Bitragunta Taraka Ramu
Abstract:
We can use the neural style transfer technique to build a picture with the same "content" as the beginning image but the "style" of the picture we've chosen. Neural style transfer is a technique for merging the style of one image into another while retaining its original information. The only change is how the image is formatted to give it an additional artistic sense. The content image depicts the plan or drawing, as well as the colors of the drawing or paintings used to portray the style. It is a computer vision programme that learns and processes images through deep convolutional neural networks. To implement software, we used to train deep learning models with the train data, and whenever a user takes an image and a styled image, the output will be as the style gets transferred to the original image, and it will be shown as the output.Keywords: neural networks, computer vision, deep learning, convolutional neural networks
Procedia PDF Downloads 955357 Heuristic of Style Transfer for Real-Time Detection or Classification of Weather Conditions from Camera Images
Authors: Hamed Ouattara, Pierre Duthon, Frédéric Bernardin, Omar Ait Aider, Pascal Salmane
Abstract:
In this article, we present three neural network architectures for real-time classification of weather conditions (sunny, rainy, snowy, foggy) from images. Inspired by recent advances in style transfer, two of these architectures -Truncated ResNet50 and Truncated ResNet50 with Gram Matrix and Attention- surpass the state of the art and demonstrate re-markable generalization capability on several public databases, including Kaggle (2000 images), Kaggle 850 images, MWI (1996 images) [1], and Image2Weather [2]. Although developed for weather detection, these architectures are also suitable for other appearance-based classification tasks, such as animal species recognition, texture classification, disease detection in medical images, and industrial defect identification. We illustrate these applications in the section “Applications of Our Models to Other Tasks” with the “SIIM-ISIC Melanoma Classification Challenge 2020” [3].Keywords: weather simulation, weather measurement, weather classification, weather detection, style transfer, Pix2Pix, CycleGAN, CUT, neural style transfer
Procedia PDF Downloads 05356 Study of Hydrocarbons Metering Issues in Algerian Fields under the New Law Context
Authors: A. Hadjadj, S. Maamir
Abstract:
Since the advent of the law 86/14 concerning theexploitation of the national territory by foreign companies in
partnership with the Algerian oil and gas company, the problem of
hydrocarbons metering in the sharing production come out.
More generally, good management counting hydrocarbons can
provide data on the production wells, the field and the reservoir for
medium and long term planning, particularly in the context of the
management and field development.
In this work, we are interested in the transactional metering which
is a very delicate and crucial period in the current context of the new
hydrocarbon’s law characterized by assets system between the
various activities of Sonatrach and its foreign partners.
After a state of the art on hydrocarbons metering devices in
Algeria and elsewhere, we will decline the advantages and
disadvantages of each system, and then we describe the problem to
try to reach an optimal solution.
Keywords: transactional metering, flowmeter orifice, heat flow, Sonatrach
Procedia PDF Downloads 3625355 FMR1 Gene Carrier Screening for Premature Ovarian Insufficiency in Females: An Indian Scenario
Authors: Sarita Agarwal, Deepika Delsa Dean
Abstract:
Like the task of transferring photo images to artistic images, image-to-image translation aims to translate the data to the imitated data which belongs to the target domain. Neural Style Transfer and CycleGAN are two well-known deep learning architectures used for photo image-to-art image transfer. However, studies involving these two models concentrate on one-to-one domain translation, not one-to-multi domains translation. Our study tries to investigate deep learning architectures, which can be controlled to yield multiple artistic style translation only by adding a conditional vector. We have expanded CycleGAN and constructed Conditional CycleGAN for 5 kinds of categories translation. Our study found that the architecture inserting conditional vector into the middle layer of the Generator could output multiple artistic images.Keywords: genetic counseling, FMR1 gene, fragile x-associated primary ovarian insufficiency, premutation
Procedia PDF Downloads 1305354 Exploring Syntactic and Semantic Features for Text-Based Authorship Attribution
Authors: Haiyan Wu, Ying Liu, Shaoyun Shi
Abstract:
Authorship attribution is to extract features to identify authors of anonymous documents. Many previous works on authorship attribution focus on statistical style features (e.g., sentence/word length), content features (e.g., frequent words, n-grams). Modeling these features by regression or some transparent machine learning methods gives a portrait of the authors' writing style. But these methods do not capture the syntactic (e.g., dependency relationship) or semantic (e.g., topics) information. In recent years, some researchers model syntactic trees or latent semantic information by neural networks. However, few works take them together. Besides, predictions by neural networks are difficult to explain, which is vital in authorship attribution tasks. In this paper, we not only utilize the statistical style and content features but also take advantage of both syntactic and semantic features. Different from an end-to-end neural model, feature selection and prediction are two steps in our method. An attentive n-gram network is utilized to select useful features, and logistic regression is applied to give prediction and understandable representation of writing style. Experiments show that our extracted features can improve the state-of-the-art methods on three benchmark datasets.Keywords: authorship attribution, attention mechanism, syntactic feature, feature extraction
Procedia PDF Downloads 1365353 Lean Comic GAN (LC-GAN): a Light-Weight GAN Architecture Leveraging Factorized Convolution and Teacher Forcing Distillation Style Loss Aimed to Capture Two Dimensional Animated Filtered Still Shots Using Mobile Phone Camera and Edge Devices
Authors: Kaustav Mukherjee
Abstract:
In this paper we propose a Neural Style Transfer solution whereby we have created a Lightweight Separable Convolution Kernel Based GAN Architecture (SC-GAN) which will very useful for designing filter for Mobile Phone Cameras and also Edge Devices which will convert any image to its 2D ANIMATED COMIC STYLE Movies like HEMAN, SUPERMAN, JUNGLE-BOOK. This will help the 2D animation artist by relieving to create new characters from real life person's images without having to go for endless hours of manual labour drawing each and every pose of a cartoon. It can even be used to create scenes from real life images.This will reduce a huge amount of turn around time to make 2D animated movies and decrease cost in terms of manpower and time. In addition to that being extreme light-weight it can be used as camera filters capable of taking Comic Style Shots using mobile phone camera or edge device cameras like Raspberry Pi 4,NVIDIA Jetson NANO etc. Existing Methods like CartoonGAN with the model size close to 170 MB is too heavy weight for mobile phones and edge devices due to their scarcity in resources. Compared to the current state of the art our proposed method which has a total model size of 31 MB which clearly makes it ideal and ultra-efficient for designing of camera filters on low resource devices like mobile phones, tablets and edge devices running OS or RTOS. .Owing to use of high resolution input and usage of bigger convolution kernel size it produces richer resolution Comic-Style Pictures implementation with 6 times lesser number of parameters and with just 25 extra epoch trained on a dataset of less than 1000 which breaks the myth that all GAN need mammoth amount of data. Our network reduces the density of the Gan architecture by using Depthwise Separable Convolution which does the convolution operation on each of the RGB channels separately then we use a Point-Wise Convolution to bring back the network into required channel number using 1 by 1 kernel.This reduces the number of parameters substantially and makes it extreme light-weight and suitable for mobile phones and edge devices. The architecture mentioned in the present paper make use of Parameterised Batch Normalization Goodfellow etc al. (Deep Learning OPTIMIZATION FOR TRAINING DEEP MODELS page 320) which makes the network to use the advantage of Batch Norm for easier training while maintaining the non-linear feature capture by inducing the learnable parametersKeywords: comic stylisation from camera image using GAN, creating 2D animated movie style custom stickers from images, depth-wise separable convolutional neural network for light-weight GAN architecture for EDGE devices, GAN architecture for 2D animated cartoonizing neural style, neural style transfer for edge, model distilation, perceptual loss
Procedia PDF Downloads 1325352 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 905351 Neuro-Fuzzy Approach to Improve Reliability in Auxiliary Power Supply System for Nuclear Power Plant
Authors: John K. Avor, Choong-Koo Chang
Abstract:
The transfer of electrical loads at power generation stations from Standby Auxiliary Transformer (SAT) to Unit Auxiliary Transformer (UAT) and vice versa is through a fast bus transfer scheme. Fast bus transfer is a time-critical application where the transfer process depends on various parameters, thus transfer schemes apply advance algorithms to ensure power supply reliability and continuity. In a nuclear power generation station, supply continuity is essential, especially for critical class 1E electrical loads. Bus transfers must, therefore, be executed accurately within 4 to 10 cycles in order to achieve safety system requirements. However, the main problem is that there are instances where transfer schemes scrambled due to inaccurate interpretation of key parameters; and consequently, have failed to transfer several critical loads from UAT to the SAT during main generator trip event. Although several techniques have been adopted to develop robust transfer schemes, a combination of Artificial Neural Network and Fuzzy Systems (Neuro-Fuzzy) has not been extensively used. In this paper, we apply the concept of Neuro-Fuzzy to determine plant operating mode and dynamic prediction of the appropriate bus transfer algorithm to be selected based on the first cycle of voltage information. The performance of Sequential Fast Transfer and Residual Bus Transfer schemes was evaluated through simulation and integration of the Neuro-Fuzzy system. The objective for adopting Neuro-Fuzzy approach in the bus transfer scheme is to utilize the signal validation capabilities of artificial neural network, specifically the back-propagation algorithm which is very accurate in learning completely new systems. This research presents a combined effect of artificial neural network and fuzzy systems to accurately interpret key bus transfer parameters such as magnitude of the residual voltage, decay time, and the associated phase angle of the residual voltage in order to determine the possibility of high speed bus transfer for a particular bus and the corresponding transfer algorithm. This demonstrates potential for general applicability to improve reliability of the auxiliary power distribution system. The performance of the scheme is implemented on APR1400 nuclear power plant auxiliary system.Keywords: auxiliary power system, bus transfer scheme, fuzzy logic, neural networks, reliability
Procedia PDF Downloads 1715350 Mask-Prompt-Rerank: An Unsupervised Method for Text Sentiment Transfer
Authors: Yufen Qin
Abstract:
Text sentiment transfer is an important branch of text style transfer. The goal is to generate text with another sentiment attribute based on a text with a specific sentiment attribute while maintaining the content and semantic information unrelated to sentiment unchanged in the process. There are currently two main challenges in this field: no parallel corpus and text attribute entanglement. In response to the above problems, this paper proposed a novel solution: Mask-Prompt-Rerank. Use the method of masking the sentiment words and then using prompt regeneration to transfer the sentence sentiment. Experiments on two sentiment benchmark datasets and one formality transfer benchmark dataset show that this approach makes the performance of small pre-trained language models comparable to that of the most advanced large models, while consuming two orders of magnitude less computing and memory.Keywords: language model, natural language processing, prompt, text sentiment transfer
Procedia PDF Downloads 815349 Uncertainty Estimation in Neural Networks through Transfer Learning
Authors: Ashish James, Anusha James
Abstract:
The impressive predictive performance of deep learning techniques on a wide range of tasks has led to its widespread use. Estimating the confidence of these predictions is paramount for improving the safety and reliability of such systems. However, the uncertainty estimates provided by neural networks (NNs) tend to be overconfident and unreasonable. Ensemble of NNs typically produce good predictions but uncertainty estimates tend to be inconsistent. Inspired by these, this paper presents a framework that can quantitatively estimate the uncertainties by leveraging the advances in transfer learning through slight modification to the existing training pipelines. This promising algorithm is developed with an intention of deployment in real world problems which already boast a good predictive performance by reusing those pretrained models. The idea is to capture the behavior of the trained NNs for the base task by augmenting it with the uncertainty estimates from a supplementary network. A series of experiments with known and unknown distributions show that the proposed approach produces well calibrated uncertainty estimates with high quality predictions.Keywords: uncertainty estimation, neural networks, transfer learning, regression
Procedia PDF Downloads 1355348 Expansive-Restrictive Style: Conceptualizing Knowledge Workers
Authors: Ram Manohar Singh, Meenakshi Gupta
Abstract:
Various terms such as ‘learning style’, ‘cognitive style’, ‘conceptual style’, ‘thinking style’, ‘intellectual style’ are used in literature to refer to an individual’s characteristic and consistent approach to organizing and processing information. However, style concepts are criticized for mutually overlapping definitions and confusing classification. This confusion should be addressed at the conceptual as well as empirical level. This paper is an attempt to bridge this gap in literature by proposing a new concept: expansive-restrictive intellectual style based on phenomenological analysis of an auto-ethnography and interview of 26 information technology (IT) professionals working in knowledge intensive organizations (KIOs) in India. Expansive style is an individual’s preference to expand his/her horizon of knowledge and understanding by gaining real meaning and structure of his/her work. On the contrary restrictive style is characterized by an individual’s preference to take minimalist approach at work reflected in executing a job efficiently without an attempt to understand the real meaning and structure of the work. The analysis suggests that expansive-restrictive style has three dimensions: (1) field dependence-independence (2) cognitive involvement and (3) epistemological beliefs.Keywords: expansive, knowledge workers, restrictive, style
Procedia PDF Downloads 4245347 The Effect of Leadership Styles on Continuous Improvement Teams
Authors: Paul W. Murray
Abstract:
This research explores the relationship between leadership style and continuous improvement (CI) teams. CI teams have several features that are not always found in other types of teams, including multi-functional members, short time period for performance, positive and actionable results, and exposure to senior leadership. There is not only one best style of leadership for these teams. Instead, it is important to select the best leadership style for the situation. The leader must have the flexibility to change styles and the skill to use the chosen style effectively in order to ensure the team’s success.Keywords: leadership style, lean manufacturing, teams, cross-functional
Procedia PDF Downloads 3725346 Autism Disease Detection Using Transfer Learning Techniques: Performance Comparison between Central Processing Unit vs. Graphics Processing Unit Functions for Neural Networks
Authors: Mst Shapna Akter, Hossain Shahriar
Abstract:
Neural network approaches are machine learning methods used in many domains, such as healthcare and cyber security. Neural networks are mostly known for dealing with image datasets. While training with the images, several fundamental mathematical operations are carried out in the Neural Network. The operation includes a number of algebraic and mathematical functions, including derivative, convolution, and matrix inversion and transposition. Such operations require higher processing power than is typically needed for computer usage. Central Processing Unit (CPU) is not appropriate for a large image size of the dataset as it is built with serial processing. While Graphics Processing Unit (GPU) has parallel processing capabilities and, therefore, has higher speed. This paper uses advanced Neural Network techniques such as VGG16, Resnet50, Densenet, Inceptionv3, Xception, Mobilenet, XGBOOST-VGG16, and our proposed models to compare CPU and GPU resources. A system for classifying autism disease using face images of an autistic and non-autistic child was used to compare performance during testing. We used evaluation matrices such as Accuracy, F1 score, Precision, Recall, and Execution time. It has been observed that GPU runs faster than the CPU in all tests performed. Moreover, the performance of the Neural Network models in terms of accuracy increases on GPU compared to CPU.Keywords: autism disease, neural network, CPU, GPU, transfer learning
Procedia PDF Downloads 1185345 Prediction of Unsteady Heat Transfer over Square Cylinder in the Presence of Nanofluid by Using ANN
Authors: Ajoy Kumar Das, Prasenjit Dey
Abstract:
Heat transfer due to forced convection of copper water based nanofluid has been predicted by Artificial Neural network (ANN). The present nanofluid is formed by mixing copper nano particles in water and the volume fractions are considered here are 0% to 15% and the Reynolds number are kept constant at 100. The back propagation algorithm is used to train the network. The present ANN is trained by the input and output data which has been obtained from the numerical simulation, performed in finite volume based Computational Fluid Dynamics (CFD) commercial software Ansys Fluent. The numerical simulation based results are compared with the back propagation based ANN results. It is found that the forced convection heat transfer of water based nanofluid can be predicted correctly by ANN. It is also observed that the back propagation ANN can predict the heat transfer characteristics of nanofluid very quickly compared to standard CFD method.Keywords: forced convection, square cylinder, nanofluid, neural network
Procedia PDF Downloads 3205344 The Influence of Learning Styles on Learners Grade Achievement in E-Learning Environments: An Empirical Study
Authors: Thomas Yeboah, Gifty Akouko Sarpong
Abstract:
Every learner has a specific learning style that helps him/her to study best. This means that any learning method (e-learning method or traditional face-to-face method) a learner chooses should address the learning style of the learner. Therefore, the main purpose of this research is to investigate whether learners’ grade achievement in e-learning environment is improved for learners with a particular learning style. In this research, purposive sampling technique was employed for selecting the sample size of three hundred and twenty (320) students studying a course UGRC 140 Science and Technology in our Lives at Christian Service University College. Data were analyzed by using, percentages, T -test, and one-way ANOVA. A thorough analysis was done on the data collected and the results revealed that learners with the Assimilator learning style and the converger learning style obtained higher grade achievement than both diverger learning style and accommodative learning style. Again, the results also revealed that accommodative learning style was not good enough for e-learning method.Keywords: e-learning, learning style, grade achievement, accomodative, divergent, convergent, assimilative
Procedia PDF Downloads 4325343 Application of Artificial Neural Network for Single Horizontal Bare Tube and Bare Tube Bundles (Staggered) of Large Particles: Heat Transfer Prediction
Authors: G. Ravindranath, S. Savitha
Abstract:
This paper presents heat transfer analysis of single horizontal bare tube and heat transfer analysis of staggered arrangement of bare tube bundles bare tube bundles in gas-solid (air-solid) fluidized bed and predictions are done by using Artificial Neural Network (ANN) based on experimental data. Fluidized bed provide nearly isothermal environment with high heat transfer rate to submerged objects i.e. due to through mixing and large contact area between the gas and the particle, a fully fluidized bed has little temperature variation and gas leaves at a temperature which is close to that of the bed. Measurement of average heat transfer coefficient was made by local thermal simulation technique in a cold bubbling air-fluidized bed of size 0.305 m. x 0.305 m. Studies were conducted for single horizontal Bare Tube of length 305mm and 28.6mm outer diameter and for bare tube bundles of staggered arrangement using beds of large (average particle diameter greater than 1 mm) particle (raagi and mustard). Within the range of experimental conditions influence of bed particle diameter ( Dp), Fluidizing Velocity (U) were studied, which are significant parameters affecting heat transfer. Artificial Neural Networks (ANNs) have been receiving an increasing attention for simulating engineering systems due to some interesting characteristics such as learning capability, fault tolerance, and non-linearity. Here, feed-forward architecture and trained by back-propagation technique is adopted to predict heat transfer analysis found from experimental results. The ANN is designed to suit the present system which has 3 inputs and 2 out puts. The network predictions are found to be in very good agreement with the experimental observed values of bare heat transfer coefficient (hb) and nusselt number of bare tube (Nub).Keywords: fluidized bed, large particles, particle diameter, ANN
Procedia PDF Downloads 3645342 A Comparison of Methods for Neural Network Aggregation
Authors: John Pomerat, Aviv Segev
Abstract:
Recently, deep learning has had many theoretical breakthroughs. For deep learning to be successful in the industry, however, there need to be practical algorithms capable of handling many real-world hiccups preventing the immediate application of a learning algorithm. Although AI promises to revolutionize the healthcare industry, getting access to patient data in order to train learning algorithms has not been easy. One proposed solution to this is data- sharing. In this paper, we propose an alternative protocol, based on multi-party computation, to train deep learning models while maintaining both the privacy and security of training data. We examine three methods of training neural networks in this way: Transfer learning, average ensemble learning, and series network learning. We compare these methods to the equivalent model obtained through data-sharing across two different experiments. Additionally, we address the security concerns of this protocol. While the motivating example is healthcare, our findings regarding multi-party computation of neural network training are purely theoretical and have use-cases outside the domain of healthcare.Keywords: neural network aggregation, multi-party computation, transfer learning, average ensemble learning
Procedia PDF Downloads 1625341 Neural Rendering Applied to Confocal Microscopy Images
Authors: Daniel Li
Abstract:
We present a novel application of neural rendering methods to confocal microscopy. Neural rendering and implicit neural representations have developed at a remarkable pace, and are prevalent in modern 3D computer vision literature. However, they have not yet been applied to optical microscopy, an important imaging field where 3D volume information may be heavily sought after. In this paper, we employ neural rendering on confocal microscopy focus stack data and share the results. We highlight the benefits and potential of adding neural rendering to the toolkit of microscopy image processing techniques.Keywords: neural rendering, implicit neural representations, confocal microscopy, medical image processing
Procedia PDF Downloads 6585340 Emotional Intelligence as a Correlate of Conflict Management Styles among Managers and Supervisors in Work Organizations in Nigeria
Authors: Solomon Ojo
Abstract:
The study investigated emotional intelligence as a correlate of conflict management styles among managers and supervisors in work organization. The study was a survey and Ex-post facto design was employed. A total of 407 participants took part in the study, and the participants were selected across different work organizations in the six (6) existing Geo-political zones in Nigeria, namely South-West, South East, South-South, North-East, North-West and North-Central. Questionnaire format was used for data collection in the study. Collected data were analyzed by both the Descriptive and Inferential Statistics, specifically using the Statistical Package for Social Sciences (SPSS) version 21.0. The findings revealed that considerate leadership style was significantly and positively related to the use of collaborating conflict management style, [r(405) = .50**, P < .01]; Considerate leadership style was significantly and positively related to the use of compromising conflict management style, [r(405) = .3**, P < .01]; Considerate leadership style was significantly and positively related to accommodation conflict management style, [r(405) = .64**, P < .01]; Considerate leadership style was not significantly related to competing conflict management style, [r(405) = .07, P > .05]; Considerate leadership style was significantly and negatively related to avoiding conflict management style, [r(405) = -.38**, P < .01]. Further, initiating structural leadership style was significantly and positively related to competing conflict management style, [r(405) = .33**, P < .01], avoiding conflict management style, [r(405) = .41**, P < .01]; collaborating conflict management style [r(405) = 51**, P < .01]. However, the findings showed that initiating structural leadership style was significantly and negatively related to compromising style, [r(405) = -.57**, P < .01] and accommodating style, [r(405) = -.13**, P < .01]. The findings were extensively discussed in relation to the existing body of literature. Moreover, it was concluded that leadership styles of managers and supervisors play a crucial role in the choice and use of conflict management styles in work organizations in Nigeria.Keywords: conflict management style, emotional, intelligence, leadership style, consideration, initiating structure, work organizations
Procedia PDF Downloads 2655339 The Relationship between Parenting Style, Nonattachment and Inferiority
Authors: Yu-Chien Huang, Shu-Chen Yang
Abstract:
Introduction: Parenting style, non-attachment, and inferiority are important topics in psychology, but the related research on nonattachment is still lacking. Therefore, the purposes of this study were to explore the relationship between parenting style, nonattachment, and inferiority. Methods: We conducted a correlational study, and three instruments were utilized to collect data: parenting style scale, nonattachment scale, and inferiority scale. The inter-reliability Cronbach's α used in this research indicated good inter item reliability and the test-retest reliability that showed a good consistency. The data were analyzed using the descriptive statistics, Chi-square test, one way ANOVA, Pearson’s correlation, and regression analysis. Results: A total of 200 participators were tested in this research. As a result of the study, inferiority had a positive correlation with authoritarian parenting style; nonattachment had a negative correlation with authoritarian parenting style; and with inferiority, the hypothesis was supported. In the linear mediation models, nonattachment was found to be partially mediated the relationship between authoritarian parenting style and inferiority. Conclusion: These findings imply that interventions aimed at enhancing nonattachment as a way to improve inferiority are a good strategy.Keywords: inferiority, nonattachment, parenting style, psychology
Procedia PDF Downloads 1325338 An Examination of the Role of Perceived Leadership Styles on Job Satisfaction among Selected Bank Employees
Authors: Solomon Ojo
Abstract:
The study set out to investigate the role of perceived leadership style on achievement motivation of selected bank employees. The study was a cross-sectional survey. A total of 585 bank workers took part in the study; 283 (48.4%) were males while 302% (51.6%) were females. Mean age of 31.8 yrs (SD = 7.8 yrs) was reported for the participants for the study. Questionnaires were used for data collection. Data was analyzed using both descriptive and inferential statistic. The t- test for independent measures was used to test all the hypotheses, using the statistical package for social sciences version 21.0. The results in the study revealed that bank employees who perceived their leaders as high on consideration style of leadership reported more job satisfaction than bank employees who perceived their leaders as low on consideration style of leadership [t(583) = 16.43, p<.001]; bank employees who perceived their leaders as high in initiating structure style reported more job satisfaction than bank employees who perceived their leaders as low in initiating structure style [t(583)=12.06, p<.01]. The results showed further the influence of perceived leadership styles on all measures of job satisfaction. First, the result showed that bank employees who perceived their leaders as high on consideration style reported more satisfaction with hours worked each day than bank employees who perceived their leaders as low on consideration style [t(583) = 9.23, p<.01]. Second, the results revealed that bank employees who perceived their leaders as high on consideration style reported more satisfaction with flexibility in scheduling than bank employees who perceived their leaders as low on consideration style [t(583) = 8.80, p<.01]. Third, it was shown that bank employees who perceived their leaders as high on consideration style reported more satisfaction with location of work than bank employees who perceived their leaders as low on consideration style [t(583) = 14.17, p<.01] e.t.c. The results were extensively discussed in relation to relevant body of literature.Keywords: leadership styles, job satisfaction, bank employees, perceived
Procedia PDF Downloads 2195337 Influence of the Refractory Period on Neural Networks Based on the Recognition of Neural Signatures
Authors: José Luis Carrillo-Medina, Roberto Latorre
Abstract:
Experimental evidence has revealed that different living neural systems can sign their output signals with some specific neural signature. Although experimental and modeling results suggest that neural signatures can have an important role in the activity of neural networks in order to identify the source of the information or to contextualize a message, the functional meaning of these neural fingerprints is still unclear. The existence of cellular mechanisms to identify the origin of individual neural signals can be a powerful information processing strategy for the nervous system. We have recently built different models to study the ability of a neural network to process information based on the emission and recognition of specific neural fingerprints. In this paper we further analyze the features that can influence on the information processing ability of this kind of networks. In particular, we focus on the role that the duration of a refractory period in each neuron after emitting a signed message can play in the network collective dynamics.Keywords: neural signature, neural fingerprint, processing based on signal identification, self-organizing neural network
Procedia PDF Downloads 4925336 Development of Multimedia Learning Application for Mastery Learning Style: A Graduated Difficulty Strategy
Authors: Nur Azlina Mohamed Mokmin, Mona Masood
Abstract:
Guided by the theory of learning style, this study is based on the development of a multimedia learning application for students with mastery learning style. The learning material was developed by applying a graduated difficulty learning strategy. Algebraic fraction was chosen as the learning topic for this application. The effectiveness of this application in helping students learn is measured by giving a pre- and post-test. The result shows that students who learn using the learning material that matches their preferred learning style performs better than the students with a non-personalized learning material.Keywords: algebraic fractions, graduated difficulty, mastery learning style, multimedia
Procedia PDF Downloads 5135335 Performance Comparison of Deep Convolutional Neural Networks for Binary Classification of Fine-Grained Leaf Images
Authors: Kamal KC, Zhendong Yin, Dasen Li, Zhilu Wu
Abstract:
Intra-plant disease classification based on leaf images is a challenging computer vision task due to similarities in texture, color, and shape of leaves with a slight variation of leaf spot; and external environmental changes such as lighting and background noises. Deep convolutional neural network (DCNN) has proven to be an effective tool for binary classification. In this paper, two methods for binary classification of diseased plant leaves using DCNN are presented; model created from scratch and transfer learning. Our main contribution is a thorough evaluation of 4 networks created from scratch and transfer learning of 5 pre-trained models. Training and testing of these models were performed on a plant leaf images dataset belonging to 16 distinct classes, containing a total of 22,265 images from 8 different plants, consisting of a pair of healthy and diseased leaves. We introduce a deep CNN model, Optimized MobileNet. This model with depthwise separable CNN as a building block attained an average test accuracy of 99.77%. We also present a fine-tuning method by introducing the concept of a convolutional block, which is a collection of different deep neural layers. Fine-tuned models proved to be efficient in terms of accuracy and computational cost. Fine-tuned MobileNet achieved an average test accuracy of 99.89% on 8 pairs of [healthy, diseased] leaf ImageSet.Keywords: deep convolution neural network, depthwise separable convolution, fine-grained classification, MobileNet, plant disease, transfer learning
Procedia PDF Downloads 1865334 Transformational Leadership Style and Organizational Commitment: An Empirical Assessment
Authors: Ugochukwu D. Abasilim, Aize I. Obayan, Adedayo J. Odukoya, Godwyns Agube, Power A. I. Wogu, Nchekwube Excellence-Oluye
Abstract:
This paper examines the effect of transformational leadership style on organizational commitment among Private University employees in Nigeria. A quantitative methodology was adopted for this study. A structured Multi-factor Leadership Questionnaire (MLQ) developed by Bass and Avolio (1997) and Organizational Commitment Questionnaire (OCQ) developed by Meyer and Allen (1997) were the major instruments used for data collection. Simple linear regression was used for testing the hypothesis. The results indicated that there was no significant positive effect of transformational leadership style on organizational commitment among employees of the Nigerian private university studied. Though the respondents rated their leaders high on transformational leadership style, their organizational commitment rating was average for majority, which implies that employees’ level of commitment could be accounted for by transformational leadership style existing in the institution. This finding is antithetical to the common submission in literature that transformational leadership style has a significant effect on organizational commitment. It was therefore recommended that further studies may want to further explore the reasons for this variance.Keywords: leadership style, Nigeria, organizational, commitment, transformational leadership
Procedia PDF Downloads 4245333 Effects of the Mathcing between Learning and Teaching Styles on Learning with Happiness of College Students
Authors: Tasanee Satthapong
Abstract:
The purpose of the study was to determine the relationship between learning style preferences, teaching style preferences, and learning with happiness of college students who were majors in five different academic areas at the Suansunandha Rajabhat University in Thailand. The selected participants were 729 students 1st year-5th year in Faculty of Education from Thai teaching, early childhood education, math and science teaching, and English teaching majors. The research instruments are the Grasha and Riechmann learning and teaching styles survey and the students’ happiness in learning survey, based on learning with happiness theory initiated by the Office of the National Education Commission. The results of this study: 1) The most students’ learning styles were participant style, followed by collaborative style, and independent style 2) Most students’ happiness in learning in all subjects areas were at the moderate level: Early Childhood Education subject had the highest scores, while Math subject was at the least scores. 3) No different of student’s happiness in learning were found between students who has learning styles that match and not match to teachers’ teaching styles.Keywords: learning style, teaching style, learning with happiness
Procedia PDF Downloads 6915332 The Impact of Stress and Coping Style on Educational Involvement among Fathers to Children with Special Needs in Inclusive Education
Authors: Aviva Lvan, Lipaz Shamoa-Nir
Abstract:
Recently, has increased the research interest in modern fatherhood especially, the increasing involvement of fathers in the family. However, there is a little research evidence on fathers to children with special needs. Therefore, the purpose of this study was to examine the effects of stress and coping style on involvement in school among fathers to children with special needs in inclusive education. We compared the fathers to children with special needs (N=72) with fathers to non-special needs children (N = 75), and found that higher stress levels, greater educational involvement and greater use of social support coping style, were found among fathers of children with special needs. In addition, mission coping style and emotional coping style predict involvement in the school and emotional coping style predicts high levels of stress. The above findings contribute to the investigation of changes in the perception of the role of fathers and their involvement in their children's lives especially, among fathers to children with special needs. From the applied aspect, the findings may increase the understanding of the role of fathers and their unique contribution to the social, emotional, and academic development of their children.Keywords: coping style, educational involvement, special needs, stress
Procedia PDF Downloads 4365331 Artificial Neural Network Modeling of a Closed Loop Pulsating Heat Pipe
Authors: Vipul M. Patel, Hemantkumar B. Mehta
Abstract:
Technological innovations in electronic world demand novel, compact, simple in design, less costly and effective heat transfer devices. Closed Loop Pulsating Heat Pipe (CLPHP) is a passive phase change heat transfer device and has potential to transfer heat quickly and efficiently from source to sink. Thermal performance of a CLPHP is governed by various parameters such as number of U-turns, orientations, input heat, working fluids and filling ratio. The present paper is an attempt to predict the thermal performance of a CLPHP using Artificial Neural Network (ANN). Filling ratio and heat input are considered as input parameters while thermal resistance is set as target parameter. Types of neural networks considered in the present paper are radial basis, generalized regression, linear layer, cascade forward back propagation, feed forward back propagation; feed forward distributed time delay, layer recurrent and Elman back propagation. Linear, logistic sigmoid, tangent sigmoid and Radial Basis Gaussian Function are used as transfer functions. Prediction accuracy is measured based on the experimental data reported by the researchers in open literature as a function of Mean Absolute Relative Deviation (MARD). The prediction of a generalized regression ANN model with spread constant of 4.8 is found in agreement with the experimental data for MARD in the range of ±1.81%.Keywords: ANN models, CLPHP, filling ratio, generalized regression, spread constant
Procedia PDF Downloads 2925330 Artificial Neural Network Speed Controller for Excited DC Motor
Authors: Elabed Saud
Abstract:
This paper introduces the new ability of Artificial Neural Networks (ANNs) in estimating speed and controlling the separately excited DC motor. The neural control scheme consists of two parts. One is the neural estimator which is used to estimate the motor speed. The other is the neural controller which is used to generate a control signal for a converter. These two neutrals are training by Levenberg-Marquardt back-propagation algorithm. ANNs are the standard three layers feed-forward neural network with sigmoid activation functions in the input and hidden layers and purelin in the output layer. Simulation results are presented to demonstrate the effectiveness of this neural and advantage of the control system DC motor with ANNs in comparison with the conventional scheme without ANNs.Keywords: Artificial Neural Network (ANNs), excited DC motor, convenional controller, speed Controller
Procedia PDF Downloads 7265329 Integrating Neural Linguistic Programming with Exergaming
Authors: Shyam Sajan, Kamal Bijlani
Abstract:
The widespread effects of digital media help people to explore the world more and get entertained with no effort. People became fond of these kind of sedentary life style. The increase in sedentary time and a decrease in physical activities has negative impacts on human health. Even though the addiction to video games has been exploited in exergames, to make people exercise and enjoy game challenges, the contribution is restricted only to physical wellness. This paper proposes creation and implementation of a game with the help of digital media in a virtual environment. The game is designed by collaborating ideas from neural linguistic programming and Stroop effect that can also be used to identify a person’s mental state, to improve concentration and to eliminate various phobias. The multiplayer game is played in a virtual environment created with Kinect sensor, to make the game more motivating and interactive.Keywords: exergaming, Kinect Sensor, Neural Linguistic Programming, Stroop Effect
Procedia PDF Downloads 436