亚洲免费av电影一区二区三区,日韩爱爱视频,51精品视频一区二区三区,91视频爱爱,日韩欧美在线播放视频,中文字幕少妇AV,亚洲电影中文字幕,久久久久亚洲av成人网址,久久综合视频网站,国产在线不卡免费播放

        ?

        Forecasting E-Commerce Adoption Based on Bidirectional Recurrent Neural Networks

        2022-03-14 09:25:14AbdullahAliSalamaiAtherAbdulrahmanAgeeliandElSayedElkenawy
        Computers Materials&Continua 2022年3期

        Abdullah Ali Salamai,Ather Abdulrahman Ageeli and El-Sayed M.El-kenawy

        1Community college,Jazan University,Jazan,Kingdom of Saudi Arabia

        2Department of Communications and Electronics,Delta Higher Institute of Engineering and Technology,Mansoura,35111,Egypt

        Abstract: E-commerce refers to a system that allows individuals to purchase and sell things online.The primary goal of e-commerce is to offer customers the convenience of not going to a physical store to make a purchase.They will purchase the item online and have it delivered to their home within a few days.The goal of this research was to develop machine learning algorithms that might predict e-commerce platform sales.A case study has been designed in this paper based on a proposed continuous Stochastic Fractal Search(SFS)based on a Guided Whale Optimization Algorithm (WOA) to optimize the parameter weights of the Bidirectional Recurrent Neural Networks(BRNN).Furthermore,a time series dataset is tested in the experiments of e-commerce demand forecasting.Finally, the results were compared to many versions of the state-of-the-art optimization techniques such as the Particle Swarm Optimization (PSO), Whale Optimization Algorithm (WOA), and Genetic Algorithm(GA).A statistical analysis has proven that the proposed algorithm can work significantly better by statistical analysis test at the P-value less than 0.05 with a one-way analysis of variance (ANOVA) test applied to confirm the performance of the proposed ensemble model.The proposed Algorithm achieved a root mean square error of RMSE(0.0000359),Mean(0.00003593)and Standard Deviation(0.000002162).

        Keywords: Neural networks; e-commerce; forecasting; risk management;machine learning

        1 Introduction

        Ecommerce has a lot of potential as a new business paradigm for the twenty-first century.E-commerce development has achieved a unique high point in terms of economic growth [1].The e-commerce business is expanding at a breakneck speed.According to Statista, by 2021, the market is anticipated to be worth $4.88 trillion.One of the most challenging tasks for e-commerce firms is determining the best pricing for all of the items on the platform daily to optimize revenue and profitability.The eCommerce industry is dynamic, and demand may swing significantly from one day to the next.As a result, retailers and wholesalers must be agile enough to adapt quickly to changes in client demand [2].Simply responding to market changes isn’t enough; you could run out of goods to meet a rise in order, or you might miss out entirely on a trend.To stay one step ahead of the game, you must be proactive in predicting changes.

        The statistical regression model and the machine learning model are two types of e-commerce transaction volume forecast methods that have been developed.As opposed to statistical regression models, machine learning models have a high level of data adaptability and nonlinear fitting ability, making them attractive [3].We will discover any hidden trends, outliers, points of interest(POI), and much more with the capacity to forecast utilizing machine learning algorithms for ecommerce.This will enable e-commerce to detect the critical information in each element correctly.They will analyze all of their data, including the quantity of the product purchased, product categories, payment method, interest rate, delivery time, and client location, to better understand and manage their sales.

        The purpose and main contribution of the analysis can be discussed as follow:

        ? The goal of this research was to develop machine learning algorithms that might predict e-commerce platform sales.

        ? A case study has been developed using a proposed continuous Stochastic Fractal Search(SFS) based on a Guided Whale Optimization Algorithm (WOA) to optimize the parameter weights of the Bidirectional Recurrent Neural Networks (BRNN).

        ? An SFS is a mainly adaptive dynamic for whale optimization algorithm WOA parameters

        ? Dataset of time series is tested in the experiments.

        ? Compared to many versions of the-state-of-the-art optimization techniques

        ? To conclude the performance of the proposed ensemble model based on the continuous SFS-Guided WOA algorithm and the compared models, a one-way analysis of variance(ANOVA) test is applied.

        As the analysis discussed above, this paper was based on a study of solutions and models for forecast the sales of e-commerce.

        2 Literature Review

        Sales forecasting is a critical activity that must be completed by e-commerce, and the forecasting will have a significant influence on the corporate decision-making process.They can better understand their financial situation to manage the workforce by having sales predictions for the e-commerce platform.Still, they can also better understand their financial status by having sales predictions for the e-commerce platform and further improving their economic status supply chain management system.Based on [4], A sales forecast helps an e-commerce platform anticipate sales with more precision and reliability, which aids inventory planning, competitive pricing, and timely marketing tactics.According to [5], Predicting e-commerce sales helps you better understand the e-commerce platform’s lifecycle, including sales and growth, stability, and decline, and how sales are influenced by short-term product goals like promotion, pricing, season, and season online ranking.

        The most frequent approach for predicting sales is to use time series analysis.The Autoregressive function is used in time series analysis to aid in any sort of prediction study.According to [6], Sales prediction is a current business intelligence approach, according to a survey of the machine learning model for sales time series forecasting.

        Another study was done by [7], which looked at the sales prediction for Amazon sales using several statistical methodologies.This study primarily focused on Amazon data to forecast future sales using previous data and statistical algorithms.

        Reference [8] performed research on automobile sales forecast using a machine learning algorithm.The focus of this study is on vehicle sales data and how it is obtained from diverse sources.The researcher found two key issues: getting a diverse understanding of how well the various criteria in our dataset function and determining the proper method which can be used.

        The significant risk-client defaults during credit sales operations in E-commerce-is examined,and risk transfer mechanisms and preliminary risk management research.Companies can minimize the risk of credit sales operations by improving the management and control of credit sales before,during, and after the sale, combined with the credit insurance tool and other risk transfer tools in E-commerce.

        2.1 Machine Learning

        Generally, ML can be classified into four categories; supervised, unsupervised, semisupervised, and reinforcement learning.The machine-learned the previous data and knowledge feedback to predict the events with its corresponding class labels in supervised learning.The input data in supervised learning are called instances, and the value of these data are called features.The significant tasks of supervised learning algorithms are the classification and regression tasks.Unsupervised learning discovers the hidden patterns in the unlabeled data and permits modelling probability densities over the features.The primary mission for unsupervised learning is clustering and dimensionality reduction.Semi-supervised learning For both labelled data and unlabeled data,it must be used [9-15].

        Semi-supervised learning algorithms.We can say that semi-supervised learning collects a minor quantity ratio of labelled data and an excellent quantity ratio of unlabeled data.Generative models, whichever an allowance of supervised learning or unsupervised learning, define whether the unlabeled data is lessening or growing the performance.Finally, Reinforcement learning is goaloriented learning and interacting with the surrounding environment.Fig.1 shows the machine learning categorization.

        Figure 1: Machine learning categorization

        2.2 Neural Networks(NNs)

        In traditional NNs, there are three layers: input, hidden, and output.Each layer is made up of neurons that are linked to the layers above and below it.The inputs are multiplied by a set of weights updated regularly for each enrollment input data to be tailored.The summation of the inputs multiplied by the updated weights is the processing element, followed by transformation or activation.It may be a Relu function.In deep neural networks, the hidden layer of most network designs is generally multilayer hidden levels built to be carefully learned with the properties of input [16].Fig.2 shows a neural network architecture.

        Figure 2: Neural network architecture

        2.3 Optimization Algorithms

        Nowadays, real-world optimization troubles are complicated with high dimensional search areas and therefore testing to address.Heuristic Optimization techniques have been applied in several places.Meta-heuristics are family members of approximate optimization techniques that offer acceptable solutions in a reasonable time.They are adopted for resolving challenging and complex troubles in science as well as engineering.

        Population-based metaheuristics involve using multiple candidates (multiple solutions), Cooperate to achieve the global goal, and avoiding local optima; the main fundamental processes of population-based metaheuristics are exploration and exploitation.Exploration is the process of finding good points in the search space, whereas exploitation is finding better points near reasonable solutions found so far.Achieving a proper trade-off between exploration and exploitation is considered the essential part of the design of metaheuristic [17].Fig.3 shows the classification of meta-heuristic algorithms.

        Figure 3: Classification of meta-heuristic algorithms

        3 Methodology

        A case study has been developed in this paper using an optimization technique named SFSGuided WOA to optimize the Parameter Weights of the BRNN.A dataset of time series is tested in the experiments.

        3.1 Dataset

        This data utilized data from the Kaggle dataset “E-Commerce Data | Actual Transactions of UK Retailer”.This transnational data collection includes all transactions made by a UK-based and registered non-store internet retailer between December 1, 2010, and December 9, 2011.The firm specializes in selling one-of-a-kind presents for any occasion.Wholesalers make up a large portion of the company’s clientele.

        3.2 Preprocessing

        In the preprocessing level, the input data is standardized after selecting the appropriate features to be in a suitable representation for different machine learning estimators.Machine learning estimators’techniques can be misbehaved in some cases from which the selected feature does not look like the standard normally distributed data.To achieve this task, the StandardScaler method is employed in this paper to update the extracted features, removing the mean and scale to unit variance.In addition to feature selection and standardization, the haematological dataset is divided into 80% as training data and 20% as testing data.The training data is used to train the machine learning estimators, and the testing data is used to calculate each estimator’s error and accuracy [18].

        Regression is the task of approximating a mapping function between the input and the continuous output variables.In this work, an open-source software library called Scikit-Learn is used.Scikit-learn is an efficient python tool for the tasks of data mining and analysis.Three different machine learning estimators named Random Forest, Linear Regression, and Neural Networks are tested against the proposed optimization model to show its superiority and efficiency [19].

        3.3 Meta-Heuristic Optimization

        Meta-heuristics are techniques that can provide acceptable solutions in a suitable time interval with much less effort in computations.This section shows the proposed continuous (SFS-Guided WOA).The optimization techniques are usually adjusted to solve challenging and even complex science and engineering problems.They can be applied in various fields such as feature selection [20], medical applications [21], virtual machine migration [22], cloud computing [23], thermal image recognition [24], and image segmentation [25-29].

        4 Proposed Continues SFS-Guided WOA

        WOA has shown its advantages in the optimization area, and it is considered one of the most effective algorithms in the literature.However, it suffers from a low exploration capability of the search space in some applications, main parts that are different from the original WOA algorithm.These changes are used to explore the search space while being affected by the leader’s position to enhance exploration performance.Parameters will be as follow Agents 10, Iterations 80, Repetitions 20, a in range [0, 2] and r [0, 1].

        4.1 Guided WOA Algorithm

        The whales’behaviour inspires the Whale Optimization Algorithm (WOA).In this Algorithm,the prey is trapped by making bubbles and forcing prey to the water surface in a spiral shape, as shown in Fig.4.The following equation describes the first step in this Algorithm.

        whereX(t)indicates the iterationtsolution.X*(t)indicates the prey position.“.” is the pairwise multiplication.X(t+1)means the solution updated position.AandCshould be calculated in each iteration byA=2a.r1-aandC=2r2forathat is changing from 2 to 0 linearly andr1andr2represent random values in [0, 1].

        The second step is described by the named shrinking encircling that decreasesaandAvalues.The spiral process for positions updating is calculated as,

        wherebindicates a constant andlrepresents a random value in [-1, 1].The basic WOA mechanism is described withr3as a random value in [0, 1] by this in general.

        Figure 4: Basic mechanisms of the WOA algorithm; (a) Bubbles (b) Shrinking

        The next step in the continuous SFS-Guided WOA algorithm is the Guided WOA, enhancing the exploration performance.Whales in the Guided WOA algorithm follow three random whales,which allow more exploration, and the whales are not affected by the position of the leader.This is described as following.

        whereXrd1,Xrd2, andXrd3are the random solutions.ω1is random value in [0, 0.5].ω2andω3are random values in [0, 1].zis calculated as

        wheretis iteration number andMaxiteris iterations maximum number.

        4.2 SFS Diffusion

        In this step, a series of random walks near to best solution is created using a technique called the SFS diffusion method, as shown in Fig.5.This step is mainly required to increase the Guided WOA exploration ability.The diffusion process near updated best positionX*(t)It is determined as follows.

        Figure 5: SFS diffusion

        whereIt is the updated best solution using the process of diffusion.ηandη′are random values in [0, 1].X*(t)andPiRepresent best point position and theith point in the new group.μX*(t)is calculated as |X*(t)|andσis calculated as |Pi-X*(t)|.The proposed continuous SFSGuided WOA algorithm is described step by step in Algorithm 1.

        ?

        5 Experimental Results

        The experiments are designed to evaluate the proposed technique’s performance.First, the performance of the primary methods of BRNN, MLP, and SVR are evaluated.Then, the proposed optimizing ensemble weights model is tested.Finally, the Time Series Dataset for e-commerce demand forecasting is randomly divided into 80% for training and 20% for testing.

        5.1 Performance Metrics

        The performance metrics that will be used in the experiments are the root mean square error(RMSE), mean absolute error (MAE) and mean bias error (MBE).The RMSE metric can be calculated as follow to assess the prediction performance:

        whereHp,irepresents a predicted value andHiIndicates the actual measured value.nis the total number of values.The MAE is used to calculate the average amount of errors in a set of predictions.It can be calculated as

        The MBE can show whether the tested model is under-predicting or over-predicting.It measures the mean bias of prediction based on the average differences in directions between the predicted and the measured values.

        The First experiment tests BRNN, MLP, and SVR performance techniques without involving the ensemble technique.The results of the base models using RMSE in Eq.(7), MAE in Eq.(8), and MBE in Eq.(9) as performance metrics are shown in Tab.1.The preliminary results indicate that the BRNN model, with RMSE of 0.016952358, MAE of 0.005118018, and MBE of -0.000856911, has good values among the other basic models.However, these results can be improved using advanced ensemble models based on optimization techniques.

        The following experiment shows the results of the proposed ensemble model in Tab.1.The proposed ensemble weights model for BRNN with RMSE of 0.000034998, MAE of 0.000222191,and MBE of -0.000101235, based on the continuous SFS-Guided WOA algorithm, gives competitive results compared to the basic models.

        To conclude whether there is any statistical difference between the RMSE of the proposed ensemble model based on the continuous SFS-Guided WOA algorithm and the compared models,a one-way analysis of variance (ANOVA) test was applied.The hypothesis testing can be formulated here in terms of two hypotheses; the null hypothesis (H0:μA1=μB1=μC1=μD1), whereA1: Proposed ensemble weights model,B1: BRNN model,C1: MLP model,D1: SVR model.The alternate hypothesis (H1: Means are not all equal).The ANOVA test results are shown in Tab.2.The ANOVA test based on the proposed and the compared modelsvs.the objective function shows in Fig.6.It also shows that the proposed Algorithm has a more regular histogram than other compared models.Based on these test results, the alternate hypothesisH1is accepted.

        Table 1: Optimized ensemble compared to single classifiers of BRNN, MLP, SVR

        Table 2: ANOVA test for the proposed model

        Figure 6: Box plot and histogram of accuracy for the proposed and the compared models

        Figure 7: Residuals vs. fits plot for proposed and the compared models

        Figure 8: ROC curves for proposed vs.the compared models

        Table 3: Wilcoxon signed-rank test for the proposed and the compared models

        The residualsvs.fits plot are shown in Fig.7.The model based on a linear or a nonlinear behaviour can be noticed from the plot patterns in the residual plot, and an appropriate one is chosen.Fig.8 shows the ROC curves of the proposed modelvs.the compared models, which confirms the superiority of the proposed model for the tested problem.

        The p-values of the proposed model are tested compared to BRNN, MLP, and SVR models based on Wilcoxon’s rank-sum test as shown in Tab.3.In this test, if the p-value is less than 0:05, it indicates that the model results are significantly different from other models.The p-value results shown in Tab.4 show the superiority of the proposed model.In this experiment, the descriptive statistics are shown in Tab.4.The results show that the proposed model can improve the classification accuracy of the tested dataset.

        Table 4: Descriptive statistics for the proposed and the compared models

        ROC analysis is a helpful method for assessing diagnostic test performance and, more broadly, assessing the correctness of a statistical model (e.g., classification, logistic regression,linear discriminant analysis, regression).

        Table 5: Descriptive statistics for the proposed and the compared algorithms

        Figure 9: RMSE for the proposed and the compared algorithms

        Fig.7 also includes a quantile-quantile (QQ) graphic.A probability plot is what it’s called.It is mostly used to compare two probability distributions by comparing their quantiles against each other.It can be seen in the graph that the QQ plot’s point distributions are roughly fitted on the dividing line.As a result, the actual and projected residuals are the same.Linearly connected,confirming the proposed regression’s performance to identify the forecast sales of e-commerce.

        6 Comparison and Discussion

        To confirm the suggested Algorithm’s correctness, it is compared to the PSO, WOA, and GA algorithms.The resilience and reliability of the forecasting tasks for selecting the best subset of dataset characteristics are confirmed by the findings in Tab.5 and Fig.9.

        7 Conclusion

        When working on this study of utilizing machine learning to anticipate e-commerce sales, it was discovered that there are many various techniques of projecting e-commerce platform sales.Still, the researcher was only able to focus on widely used algorithms when forecasting future sales.A case study has been developed in this paper using a proposed continuous SFS-Guided WOA algorithm to optimize the parameter weights of the BRNN.A dataset for the risk assessment problem in the supply chain networks is tested in the experiments.The results and the ANOVA test concluded the performance of the proposed ensemble model, especially after comparison with many different optimization algorithms such as PSO, WOA and GA.There is still a need for further research and in-depth study in the future work of this study to create and define the correlation between the risk of credit sales activities in e-commerce and sales forecasting.The proposed Algorithm will be evaluated on continuous issues, restricted engineering challenges, and binary problems.The authors will try to improve this continuous Algorithm to enhance and validate the suggested Algorithm’s performance at CEC2017 or CEC2019.

        Funding Statement:The authors received no specific funding for this study.

        Conflicts of Interest:The authors declare that they have no conflicts of interest to report regarding the present study.

        999国产一区在线观看| 亚洲一区二区三区内裤视| 欧美日韩精品久久久久| 最新国产av无码专区亚洲| 亚洲是图一区二区视频| 女人天堂av免费在线| 国产av无码专区亚洲av男同| 成人精品一区二区三区中文字幕| 国产欧美日韩午夜在线观看| 中文字幕日本韩国精品免费观看| 上海熟女av黑人在线播放| 欧美寡妇xxxx黑人猛交| 日本免费人成视频播放| 亚洲人妻有码中文字幕| 极品尤物人妻堕落沉沦| 男女裸交无遮挡啪啪激情试看 | 大地资源中文第三页| 国产主播一区二区在线观看| 国产美腿丝袜一区二区| 欧美成妇人吹潮在线播放| 91久久精品国产91久久| 黄片午夜免费观看视频国产| 精品国产一区二区三区色搞| 无码成人aaaaa毛片| 2020国产精品久久久久| 91精品国产九色综合久久香蕉| 蜜桃一区二区三区| 啪啪免费网站| 日日麻批视频免费播放器| 午夜精品久久久久久久久| 国产精品毛片无码| 538在线视频| 亚洲国产精品高清在线| 久久午夜夜伦鲁鲁片免费无码| 日韩精品网| 亚洲一区二区三区成人网| 大地资源在线观看官网第三页| 欧美亚洲国产另类在线观看| 国产精品午夜高潮呻吟久久av| 色狠狠色狠狠综合天天| 99这里只有精品|