The stock market is highly volatile and complex in nature. However, notion of stock price predictability is typical, many researchers suggest that the Buy and Sell prices are predictable and investor can make above average profits using efficient Technical Analysis TA .Most of the earlier prediction models predict individual stocks and the results are mostly influenced by company’s reputation, news, sentiments and other fundamental issues while stock indices are less affected by these issues. In this work, an effort is made to predict the Buy and Sell decisions of stocks, trends of stock by utilizing Stock Technical Indicators STIs As a part of prediction model the Long Short Term Memory LSTM , Support Virtual Machine SVM Artificial intelligence algorithms will be used with Stock Technical Indicators STIs. The project will be carried on National Stock Exchange NSE Stocks of India. Mr. Ketan Ashok Bagade | Yogini Bagade "Artificial Intelligence Based Stock Market Prediction Model using Technical Indicators" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-7 | Issue-2 , April 2023, URL: https://www.ijtsrd.com.com/papers/ijtsrd53854.pdf Paper URL: https://www.ijtsrd.com.com/management/other/53854/artificial-intelligence-based-stock-market-prediction-model-using-technical-indicators/mr-ketan-ashok-bagade
Survey Paper on Stock Prediction Using Machine Learning AlgorithmsIRJET Journal
This document discusses various machine learning algorithms that have been used for stock market prediction, including CNN, ARIMA, LSTM, random forests, and support vector machines. It provides a literature review of past research applying these algorithms to predict stock prices using historical data. The document concludes that LSTM and ARIMA models generally provide the best predictions based on evaluating various algorithms on large datasets of historical stock market data.
Stock Market Prediction using Machine Learningijtsrd
Stock market prediction is a typical task to forecast the upcoming stock values. It is very difficult to forecast because of unbalanced nature of stocks. In this work, an attempt is made for prediction of stock market trend. This research aims to combine multiple existing techniques into a much more robust prediction model which can handle various scenarios in which investment can be beneficial. By combing both techniques, this prediction model can provide more accurate and flexible recommendations. However instead of using those traditional methods, we approached the problems using machine learning techniques. We tried to revolutionize the way people address data processing problems in stock market by predicting the behavior of the stocks. In fact, if we can predict how the stock will behave in the short term future we can queue up our transactions earlier and be faster than everyone else. In theory, this allows us to maximize our profit without having the need to be physically located close to the data sources. We examined three main models. Firstly we used a complete prediction using a moving average. Secondly we used a LSTM model and finally a model called ARIMA model. The only motive is to increase the accuracy of predictive the stock market price. Each of those models was applied on real stock market data and checked whether it could return profit. Subham Kumar Gupta | Dr. Bhuvana J | Dr. M N Nachappa "Stock Market Prediction using Machine Learning" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-6 | Issue-3 , April 2022, URL: https://www.ijtsrd.com/papers/ijtsrd49868.pdf Paper URL: https://www.ijtsrd.com/computer-science/other/49868/stock-market-prediction-using-machine-learning/subham-kumar-gupta
STOCK PRICE PREDICTION USING ML TECHNIQUESIRJET Journal
This document discusses using machine learning techniques like LMS and LSTM algorithms to predict stock prices. It summarizes previous research on stock price prediction that used techniques like artificial neural networks, support vector machines, and recurrent neural networks. The document then describes the proposed system for stock price prediction, which involves preprocessing data, splitting it into training and test sets, analyzing the data with LMS and LSTM algorithms, and outputting predictions in graph and report formats. It concludes that combining multiple algorithms into hybrid models can improve prediction accuracy while reducing computational complexity compared to single models.
IRJET- Data Visualization and Stock Market and PredictionIRJET Journal
This document discusses using machine learning techniques like LSTM neural networks to predict stock market prices. It summarizes the following:
1) Traditional stock prediction methods like fundamental and statistical analysis have limitations, while machine learning approaches like LSTM networks can better capture long-term temporal dependencies in stock price data.
2) The document outlines collecting stock price history, preprocessing the data, and using an LSTM model in Keras to predict future stock prices based on historical closing prices and trading volumes.
3) The model was able to accurately predict stock prices on unseen Facebook data, demonstrating the robustness of the machine learning approach over traditional methods for this challenging problem.
IRJET - Stock Market Analysis and Prediction using Deep LearningIRJET Journal
This document discusses using deep learning techniques to analyze stock market data and predict stock prices. It proposes a model that uses preprocessing, feature extraction, and machine learning algorithms like neural networks and K-nearest neighbors (KNN) classification to make predictions. The model is evaluated on stock market datasets containing attributes like date, price, volume. Feature extraction analyzes relationships between companies to better predict individual stock prices. Neural networks and KNN are used for prediction and KNN performed best when using single-company features alone. The goal is to help investors and fund managers make better investment decisions.
Stock Market Price Prediction Using Technical AnalysisASHEESHVERMA6
This document discusses using technical data analysis and artificial neural networks to predict stock prices. It outlines using techniques like long short-term memory and support vector machines on historical stock data to analyze trends and make predictions. The workflow involves collecting stock market and financial news data, preprocessing it, then using machine learning algorithms and visualizing the results with charts. The goal is to determine whether combining news and price quotes can help predict stock closing prices.
STOCK MARKET PREDICTION AND ANALYSIS USING MACHINE LEARNING ALGORITHMSIRJET Journal
This document discusses using machine learning algorithms like LSTM and linear regression to predict stock market prices. It proposes using techniques like stacked LSTM on historical stock data to make predictions. The document outlines collecting data, preprocessing it, training models on training data and evaluating them on test data. It suggests comparing the accuracy of linear regression, stacked LSTM and other models to determine the most accurate for predicting 30 days of future stock prices. The goal is to reduce investment risk through more accurate machine-learned stock predictions.
IRJET- Stock Market Prediction using ANNIRJET Journal
This document summarizes a research paper that aims to predict stock prices using artificial neural networks (ANN). It discusses using factors like moving averages, stochastic oscillator, standard deviation, and on-balance volume as inputs to an ANN model to predict stock prices. The motivation is to help investors make better investment decisions. ANN is chosen because it can model nonlinear relationships better than linear models. Prior literature shows ANN models have achieved higher accuracy than support vector machine or linear regression models for stock price prediction. The methodology section describes the technical indicators used as inputs and the multi-layer perceptron ANN algorithm with backpropagation that is implemented.
Stock Market Prediction Using Deep LearningIRJET Journal
This document summarizes research on using deep learning techniques to predict stock market prices. Specifically, it discusses prior research that has used models like LSTM, CNN, random forest and logistic regression with technical indicators as inputs to predict stock prices, trends and trading signals. It also outlines some of the challenges in making accurate stock predictions, such as accessing reliable market data and accounting for the large volume of time series data. The literature review covers several papers that have developed and evaluated deep learning models for stock prediction and generated trading signals.
This document presents a stock prediction project that aims to accurately predict stock prices using machine learning models. It includes an introduction on the importance of predicting stock movements, an abstract on using machine learning to analyze past stock values and predict future values, and a problem statement on improving prediction accuracy from the current 20% error rate. The project uses deep learning models like LSTM and ARIMA to analyze stock data and predict closing and opening prices. It provides diagrams and outputs of the LSTM and ARIMA models as well as future scopes like using additional data sources and techniques to advance predictions. Finally, it includes a literature survey on previous research comparing methods like LSTM and ARIMA for time series forecasting.
IRJET- Stock Market Forecasting Techniques: A SurveyIRJET Journal
This document surveys various techniques for stock market forecasting, including traditional and recent methods using machine learning and artificial intelligence. It discusses techniques like artificial neural networks, hidden Markov models, support vector regression, and deep learning. It also reviews several research papers that have applied methods like ARIMA models, improved Levenberg-Marquardt training for neural networks, feedforward neural networks for the Stock Exchange of Thailand index, improved multiple linear regression in an Android app, support vector regression with windowing operators on the Dhaka Stock Exchange, hidden Markov models compared to neural networks and support vector machines, a hybrid support vector regression and filtering model, and using J48 decision trees and random forests with preprocessing.
This document discusses using machine learning techniques to predict stock market prices. It begins with an introduction to existing stock prediction methods like fundamental and technical analysis. The proposed system would use machine learning models to analyze historical stock price data and sentiment analysis of news articles to predict future stock prices, volatility, and market trends. The methodology section outlines different models, including using only historical prices, classifying sentiment of news, and aspect-based sentiment analysis. Features like stock price volatility, momentum, and index momentum would be used. The conclusion states that accurately predicting the complex stock market requires considering various factors.
A novel hybrid deep learning model for price prediction IJECEIAES
Price prediction has become a major task due to the explosive increase in the number of investors. The price prediction task has various types such as shares, stocks, foreign exchange instruments, and cryptocurrency. The literature includes several models for price prediction that can be classified based on the utilized methods into three main classes, namely, deep learning, machine learning, and statistical. In this context, we proposed several models’ architectures for price prediction. Among them, we proposed a hybrid one that incorporates long short-term memory (LSTM) and Convolution neural network (CNN) architectures, we called it CNN-LSTM. The proposed CNNLSTM model makes use of the characteristics of the convolution layers for extracting useful features embedded in the time series data and the ability of LSTM architecture to learn long-term dependencies. The proposed architectures are thoroughly evaluated and compared against state-of-the-art methods on three different types of financial product datasets for stocks, foreign exchange instruments, and cryptocurrency. The obtained results show that the proposed CNN-LSTM has the best performance on average for the utilized evaluation metrics. Moreover, the proposed deep learning models were dominant in comparison to the state-of-the-art methods, machine learning models, and statistical models.
This document presents a literature review and proposed framework for stock market prediction. It discusses using long short-term memory (LSTM), support vector regression (SVR), linear regression, and sentiment analysis models individually and in a hybrid ensemble model. The models are trained on historical stock price and sentiment data to predict future stock trends. Results show the hybrid model achieves higher prediction accuracy than individual models. Visualizations of predicted versus actual prices are generated to evaluate model performance. The proposed framework aims to help investors make more informed buy, sell, and hold decisions.
This document compares the accuracy of ARIMA, LSTM, and linear regression models for stock price prediction. It downloads historic stock price data for NASDAQ and NSE stocks and uses 80% for training and 20% for testing the models. For the NASDAQ stock, ARIMA and LSTM models have more accurate predictions than linear regression, with lower RMSE values. However, for the NSE stock, LSTM and linear regression predictions are more accurate than ARIMA. The results are displayed using Python plots and code, with RMSE values provided to compare prediction accuracy between the different models.
STOCK PRICE PREDICTION AND RECOMMENDATION USINGMACHINE LEARNING TECHNIQUES AN...IRJET Journal
This document discusses using machine learning techniques and sentiment analysis of Twitter data to predict stock prices and recommend buying or selling stocks. It evaluates ARIMA, LSTM, and linear regression models for stock price prediction and uses TextBlob to analyze the sentiment of recent tweets about a company and provide recommendations based on the overall sentiment polarity. For Apple stock, ARIMA had the lowest RMSE of 3.54, while LSTM achieved an RMSE of 5.64 after 30 epochs. Sentiment analysis of Apple tweets found an overall positive polarity. The models were also tested on Yes Bank stock.
Applications of Artificial Neural Network in Forecasting of Stock Market Indexpaperpublications3
Abstract: Prediction in any field is a challenging and unnerving process. Stock market is a promising financial investment that can generate great wealth. However, under the impact of Globalization Stock Market Prediction (SMP) accuracy has become more challenging and rewarding for the researchers and participants in the stock market. Artificial Neural Networks (ANN) have been found to be an efficient tool in modeling stock prices and quite a large number of studies have been done on it. ANN modeling of stock prices of selected stocks under NSE is attempted to predict the next day’s price. The network developed consists of one input layer, hidden layer and output layer with four, nine and one nodes respectively. The input being the closing price of the previous four days and output being the price for the next day. In the first section the adaptability of neural networks in stock market prediction is discussed, in the second section we discuss the traditional methods that were being used earlier for stock market prediction, in the third section we discuss the justification for using neural networks and how it is better over traditional methods, in the fourth section we discuss the basics of neural networks, section five gives an overview of data and methodology being used, in section six we have discussed the various forecasting errors methods to calculate the error, in section seven we have presented our results. The aim of this paper is to provide an overview of the application of artificial neural network in stock market prediction.
This document presents research on predicting stock market trends in Tehran, Iran using machine learning and deep learning algorithms. Ten years of historical data from four stock market groups were analyzed using nine machine learning models (Decision Tree, Random Forest, Adaboost, XGBoost, SVC, Naive Bayes, KNN, Logistic Regression, ANN) and two deep learning models (RNN, LSTM). Ten technical indicators were used as input values in both continuous and binary formats to evaluate the models. The results showed that RNN and LSTM performed best on continuous data, outperforming other models, while on binary data they still performed best but with less difference between models due to improved performance.
A Study on Prediction of Share Price by Using Machine Learning LSTM Modelijtsrd
In this project we attempt to implement machine learning approach to predict stock prices. Machine learning is effectively implemented in forecasting stock prices. The objective is to predict the stock prices in order to make more informed and accurate investment decisions. We propose a stock price prediction system that integrates mathematical functions, machine learning, and other external factors for the purpose of achieving better stock prediction accuracy and issuing profitable trades. There are two types of stocks. You may know of intraday trading by the commonly used term day trading. Intraday traders hold securities positions from at least one day to the next and often for several days to weeks or months. LSTMs are very powerful in sequence prediction problems because they’re able to store past information. This is important in our case because the previous price of a stock is crucial in predicting its future price. While predicting the actual price of a stock is an uphill climb, we can build a model that will predict whether the price will go up or down. Manuri Raju | Dr. D. Jakir Hussain "A Study on Prediction of Share Price by Using Machine Learning LSTM Model" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-6 | Issue-6 , October 2022, URL: https://www.ijtsrd.com/papers/ijtsrd51976.pdf Paper URL: https://www.ijtsrd.com/other-scientific-research-area/other/51976/a-study-on-prediction-of-share-price-by-using-machine-learning-lstm-model/manuri-raju
Predicting Stock Market Prices with Sentiment Analysis and Ensemble Learning ...IRJET Journal
The document describes a study that proposes a hybrid approach for predicting stock market prices using sentiment analysis and ensemble learning techniques. The approach involves collecting stock price and social media data, performing sentiment analysis on the text data, combining the datasets, training various machine learning models, and evaluating the models based on metrics like RMSE and R2 score. The results found that the ensemble XGBoost model outperformed individual models like LSTM and linear regression in predicting stock prices of companies, demonstrating the potential of using sentiment analysis and ensemble learning for stock market prediction.
Analysis of Nifty 50 index stock market trends using hybrid machine learning ...IJECEIAES
Predicting equities market trends is one of the most challenging tasks for market participants. This study aims to apply machine learning algorithms to aid in accurate Nifty 50 index trend predictions. The paper compares and contrasts four forecasting methods: artificial neural networks (ANN), support vector machines (SVM), naive bayes (NB), and random forest (RF). In this study, the eight technical indicators are used, and then the deterministic trend layer is used to translate the indications into trend signals. The principal component analysis (PCA) method is then applied to this deterministic trend signal. This study's main influence is using the PCA technique to find the essential components from multiple technical indicators affecting stock prices to reduce data dimensionality and improve model performance. As a result, a PCA-machine learning (ML) hybrid forecasting model was proposed. The experimental findings suggest that the technical factors are signified as trend signals and that the PCA approach combined with ML models outperforms the comparative models in prediction performance. Utilizing the first three principal components (percentage of explained variance=80%), experiments on the Nifty 50 index show that support vector classifier (SVC) with radial basis function (RBF) kernel achieves good accuracy of (0.9968) and F1-score (0.9969), and the RF model achieves an accuracy of (0.9969) and F1-Score (0.9968). In area under the curve (AUC) performance, SVC (RBF and Linear kernels) and RF have AUC scores of 1.
STOCK MARKET PREDICTION USING MACHINE LEARNING IN PYTHONIRJET Journal
This document discusses using machine learning techniques to predict stock market prices. Specifically, it evaluates using support vector machines, random forests, and regression models. It finds that support vector regression with an RBF kernel performed best compared to other models at accurately predicting stock prices based on historical data. The paper also reviews several related works applying machine learning methods like neural networks and support vector machines to financial time series data for stock prediction.
This project aims to provide accurate and reliable predictions for stock prices using the power of LSTM (Long Short-Term Memory) and ARIMA (AutoRegressive Integrated Moving Average) models. By analyzing historical stock data and leveraging the capabilities of these advanced forecasting models, we help investors and traders make informed decisions and optimize their investment strategies.
The project workflow begins with gathering comprehensive historical stock price data, including open, high, low, and closing prices, as well as trading volumes and other relevant features. This data is then preprocessed to handle missing values, outliers, and any other inconsistencies that may impact the accuracy of the predictions.
For time series analysis and forecasting, we employ the LSTM model, a variant of recurrent neural networks (RNNs) known for their ability to capture long-term dependencies in sequential data. LSTM models have proven to be highly effective in capturing the complex patterns and trends present in stock price data. By training the LSTM model on historical stock data, we can predict future stock prices with a high degree of accuracy.
In addition to LSTM, we utilize the ARIMA model, a widely used statistical method for time series forecasting. ARIMA models capture the autoregressive, moving average, and integrated components of a time series, allowing us to capture both short-term and long-term trends in stock prices. By incorporating the ARIMA model into our prediction pipeline, we further enhance the accuracy and reliability of our forecasts.
To evaluate the performance of our models, we use appropriate evaluation metrics such as mean absolute error (MAE), root mean squared error (RMSE), and mean absolute percentage error (MAPE). These metrics provide insights into the effectiveness of our models and help us fine-tune the parameters for optimal performance.
The Stock Price Prediction project using LSTM and ARIMA models represents our commitment to leveraging advanced machine learning and statistical techniques to provide valuable insights in the financial domain. By accurately forecasting stock prices, we empower investors and traders to make data-driven decisions, mitigate risks, and optimize their investment strategies. This project showcases our expertise in time series analysis, deep learning, and statistical modeling, and our dedication to delivering solutions that drive tangible business outcomes in the financial sector.
Stock Market Prediction using Machine LearningAravind Balaji
REPO : https://github.com/rvndbalaji/StockMarketPrediction
Stock Market Prediction using Machine
This is a presentation on Stock Market Prediction application built using R.
This is a part of final year engineering project
A Study of School Dropout in Rural Districts of Darjeeling and Its Causesijtsrd
Education is the only the key to socio economic growth and transformation for any rural area. The dropout rate has serious economic, social, and political effects on our nations and has become a global issue and a common phenomenon in most of the developing countries including India, specifically in rural areas. In this study, the magnitude, effects and causes responsible for dropout in Darjeeling rural areas are trying to find out. The research approach conducted for the study is Qualitative Descriptive Survey type and Random Sampling Technique has been adopted for the study. The primary data is collected from dropout school students 21 , school teachers’ 22 , and dropout parents 15 through structured Questionnaire. Secondary data has been obtained from Census India 2011 and other relevant published documents. The study sought the age between 12 to 20 years or specially adolescence period is crucial to check students from being dropout from school. The findings reveal that parents with low income and education, school environments, family issues, early marriage, difficulty level of syllabus, school management, principal’s behavior, lack of guidance and counselling, awareness program, parent teachers’ association, community involvement, lack of motivation and family support among students are all such factors that have either directly or indirectly affected the drop out cases. Sulagna Chakrabarti "A Study of School Dropout in Rural Districts of Darjeeling & Its Causes" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64670.pdf Paper Url: https://www.ijtsrd.com/humanities-and-the-arts/education/64670/a-study-of-school-dropout-in-rural-districts-of-darjeeling-and-its-causes/sulagna-chakrabarti
Pre extension Demonstration and Evaluation of Soybean Technologies in Fedis D...ijtsrd
The study was conducted in the Fedis district of East Hararghe Zone an area of major food insecure due to the influence of shortage and uneven distribution of rainfall patterns. Introducing improved technology is an option and has great advantages for the producers to minimize risks associated with it and maximize their benefits. The varieties were new to the area and promoted to diversify the crop under farmer conditions. Soybean varieties were introduced and demonstrated among farmers research groups. The result indicated that demonstrations of improved soybean varieties of korme and ethio eugoslavia recorded similar grain yield 19.56 qt ha and 19.27 qt ha respectively. Both improved varieties were well performed. Awareness of soybean technology for farmers was increased through the promotion of this technology. The result indicated that using improved varieties of Korme and ethio eugoslavia varieties was more advantageous for farmers in diversifying the crop varieties. Therefore, both varieties were recommended for more promotion in the area and other similar agroecological situations to reduce the problem of food malnutrition. Abdulaziz Teha | Oromia Megersa | Bedasso Urgessa "Pre-extension Demonstration and Evaluation of Soybean Technologies in Fedis District of East Hararghe Zone, Oromia, Ethiopia" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64645.pdf Paper Url: https://www.ijtsrd.com/other-scientific-research-area/other/64645/preextension-demonstration-and-evaluation-of-soybean-technologies-in-fedis-district-of-east-hararghe-zone-oromia-ethiopia/abdulaziz-teha
More Related Content
Similar to Artificial Intelligence Based Stock Market Prediction Model using Technical Indicators (20)
Stock Market Prediction Using Deep LearningIRJET Journal
This document summarizes research on using deep learning techniques to predict stock market prices. Specifically, it discusses prior research that has used models like LSTM, CNN, random forest and logistic regression with technical indicators as inputs to predict stock prices, trends and trading signals. It also outlines some of the challenges in making accurate stock predictions, such as accessing reliable market data and accounting for the large volume of time series data. The literature review covers several papers that have developed and evaluated deep learning models for stock prediction and generated trading signals.
This document presents a stock prediction project that aims to accurately predict stock prices using machine learning models. It includes an introduction on the importance of predicting stock movements, an abstract on using machine learning to analyze past stock values and predict future values, and a problem statement on improving prediction accuracy from the current 20% error rate. The project uses deep learning models like LSTM and ARIMA to analyze stock data and predict closing and opening prices. It provides diagrams and outputs of the LSTM and ARIMA models as well as future scopes like using additional data sources and techniques to advance predictions. Finally, it includes a literature survey on previous research comparing methods like LSTM and ARIMA for time series forecasting.
IRJET- Stock Market Forecasting Techniques: A SurveyIRJET Journal
This document surveys various techniques for stock market forecasting, including traditional and recent methods using machine learning and artificial intelligence. It discusses techniques like artificial neural networks, hidden Markov models, support vector regression, and deep learning. It also reviews several research papers that have applied methods like ARIMA models, improved Levenberg-Marquardt training for neural networks, feedforward neural networks for the Stock Exchange of Thailand index, improved multiple linear regression in an Android app, support vector regression with windowing operators on the Dhaka Stock Exchange, hidden Markov models compared to neural networks and support vector machines, a hybrid support vector regression and filtering model, and using J48 decision trees and random forests with preprocessing.
This document discusses using machine learning techniques to predict stock market prices. It begins with an introduction to existing stock prediction methods like fundamental and technical analysis. The proposed system would use machine learning models to analyze historical stock price data and sentiment analysis of news articles to predict future stock prices, volatility, and market trends. The methodology section outlines different models, including using only historical prices, classifying sentiment of news, and aspect-based sentiment analysis. Features like stock price volatility, momentum, and index momentum would be used. The conclusion states that accurately predicting the complex stock market requires considering various factors.
A novel hybrid deep learning model for price prediction IJECEIAES
Price prediction has become a major task due to the explosive increase in the number of investors. The price prediction task has various types such as shares, stocks, foreign exchange instruments, and cryptocurrency. The literature includes several models for price prediction that can be classified based on the utilized methods into three main classes, namely, deep learning, machine learning, and statistical. In this context, we proposed several models’ architectures for price prediction. Among them, we proposed a hybrid one that incorporates long short-term memory (LSTM) and Convolution neural network (CNN) architectures, we called it CNN-LSTM. The proposed CNNLSTM model makes use of the characteristics of the convolution layers for extracting useful features embedded in the time series data and the ability of LSTM architecture to learn long-term dependencies. The proposed architectures are thoroughly evaluated and compared against state-of-the-art methods on three different types of financial product datasets for stocks, foreign exchange instruments, and cryptocurrency. The obtained results show that the proposed CNN-LSTM has the best performance on average for the utilized evaluation metrics. Moreover, the proposed deep learning models were dominant in comparison to the state-of-the-art methods, machine learning models, and statistical models.
This document presents a literature review and proposed framework for stock market prediction. It discusses using long short-term memory (LSTM), support vector regression (SVR), linear regression, and sentiment analysis models individually and in a hybrid ensemble model. The models are trained on historical stock price and sentiment data to predict future stock trends. Results show the hybrid model achieves higher prediction accuracy than individual models. Visualizations of predicted versus actual prices are generated to evaluate model performance. The proposed framework aims to help investors make more informed buy, sell, and hold decisions.
This document compares the accuracy of ARIMA, LSTM, and linear regression models for stock price prediction. It downloads historic stock price data for NASDAQ and NSE stocks and uses 80% for training and 20% for testing the models. For the NASDAQ stock, ARIMA and LSTM models have more accurate predictions than linear regression, with lower RMSE values. However, for the NSE stock, LSTM and linear regression predictions are more accurate than ARIMA. The results are displayed using Python plots and code, with RMSE values provided to compare prediction accuracy between the different models.
STOCK PRICE PREDICTION AND RECOMMENDATION USINGMACHINE LEARNING TECHNIQUES AN...IRJET Journal
This document discusses using machine learning techniques and sentiment analysis of Twitter data to predict stock prices and recommend buying or selling stocks. It evaluates ARIMA, LSTM, and linear regression models for stock price prediction and uses TextBlob to analyze the sentiment of recent tweets about a company and provide recommendations based on the overall sentiment polarity. For Apple stock, ARIMA had the lowest RMSE of 3.54, while LSTM achieved an RMSE of 5.64 after 30 epochs. Sentiment analysis of Apple tweets found an overall positive polarity. The models were also tested on Yes Bank stock.
Applications of Artificial Neural Network in Forecasting of Stock Market Indexpaperpublications3
Abstract: Prediction in any field is a challenging and unnerving process. Stock market is a promising financial investment that can generate great wealth. However, under the impact of Globalization Stock Market Prediction (SMP) accuracy has become more challenging and rewarding for the researchers and participants in the stock market. Artificial Neural Networks (ANN) have been found to be an efficient tool in modeling stock prices and quite a large number of studies have been done on it. ANN modeling of stock prices of selected stocks under NSE is attempted to predict the next day’s price. The network developed consists of one input layer, hidden layer and output layer with four, nine and one nodes respectively. The input being the closing price of the previous four days and output being the price for the next day. In the first section the adaptability of neural networks in stock market prediction is discussed, in the second section we discuss the traditional methods that were being used earlier for stock market prediction, in the third section we discuss the justification for using neural networks and how it is better over traditional methods, in the fourth section we discuss the basics of neural networks, section five gives an overview of data and methodology being used, in section six we have discussed the various forecasting errors methods to calculate the error, in section seven we have presented our results. The aim of this paper is to provide an overview of the application of artificial neural network in stock market prediction.
This document presents research on predicting stock market trends in Tehran, Iran using machine learning and deep learning algorithms. Ten years of historical data from four stock market groups were analyzed using nine machine learning models (Decision Tree, Random Forest, Adaboost, XGBoost, SVC, Naive Bayes, KNN, Logistic Regression, ANN) and two deep learning models (RNN, LSTM). Ten technical indicators were used as input values in both continuous and binary formats to evaluate the models. The results showed that RNN and LSTM performed best on continuous data, outperforming other models, while on binary data they still performed best but with less difference between models due to improved performance.
A Study on Prediction of Share Price by Using Machine Learning LSTM Modelijtsrd
In this project we attempt to implement machine learning approach to predict stock prices. Machine learning is effectively implemented in forecasting stock prices. The objective is to predict the stock prices in order to make more informed and accurate investment decisions. We propose a stock price prediction system that integrates mathematical functions, machine learning, and other external factors for the purpose of achieving better stock prediction accuracy and issuing profitable trades. There are two types of stocks. You may know of intraday trading by the commonly used term day trading. Intraday traders hold securities positions from at least one day to the next and often for several days to weeks or months. LSTMs are very powerful in sequence prediction problems because they’re able to store past information. This is important in our case because the previous price of a stock is crucial in predicting its future price. While predicting the actual price of a stock is an uphill climb, we can build a model that will predict whether the price will go up or down. Manuri Raju | Dr. D. Jakir Hussain "A Study on Prediction of Share Price by Using Machine Learning LSTM Model" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-6 | Issue-6 , October 2022, URL: https://www.ijtsrd.com/papers/ijtsrd51976.pdf Paper URL: https://www.ijtsrd.com/other-scientific-research-area/other/51976/a-study-on-prediction-of-share-price-by-using-machine-learning-lstm-model/manuri-raju
Predicting Stock Market Prices with Sentiment Analysis and Ensemble Learning ...IRJET Journal
The document describes a study that proposes a hybrid approach for predicting stock market prices using sentiment analysis and ensemble learning techniques. The approach involves collecting stock price and social media data, performing sentiment analysis on the text data, combining the datasets, training various machine learning models, and evaluating the models based on metrics like RMSE and R2 score. The results found that the ensemble XGBoost model outperformed individual models like LSTM and linear regression in predicting stock prices of companies, demonstrating the potential of using sentiment analysis and ensemble learning for stock market prediction.
Analysis of Nifty 50 index stock market trends using hybrid machine learning ...IJECEIAES
Predicting equities market trends is one of the most challenging tasks for market participants. This study aims to apply machine learning algorithms to aid in accurate Nifty 50 index trend predictions. The paper compares and contrasts four forecasting methods: artificial neural networks (ANN), support vector machines (SVM), naive bayes (NB), and random forest (RF). In this study, the eight technical indicators are used, and then the deterministic trend layer is used to translate the indications into trend signals. The principal component analysis (PCA) method is then applied to this deterministic trend signal. This study's main influence is using the PCA technique to find the essential components from multiple technical indicators affecting stock prices to reduce data dimensionality and improve model performance. As a result, a PCA-machine learning (ML) hybrid forecasting model was proposed. The experimental findings suggest that the technical factors are signified as trend signals and that the PCA approach combined with ML models outperforms the comparative models in prediction performance. Utilizing the first three principal components (percentage of explained variance=80%), experiments on the Nifty 50 index show that support vector classifier (SVC) with radial basis function (RBF) kernel achieves good accuracy of (0.9968) and F1-score (0.9969), and the RF model achieves an accuracy of (0.9969) and F1-Score (0.9968). In area under the curve (AUC) performance, SVC (RBF and Linear kernels) and RF have AUC scores of 1.
STOCK MARKET PREDICTION USING MACHINE LEARNING IN PYTHONIRJET Journal
This document discusses using machine learning techniques to predict stock market prices. Specifically, it evaluates using support vector machines, random forests, and regression models. It finds that support vector regression with an RBF kernel performed best compared to other models at accurately predicting stock prices based on historical data. The paper also reviews several related works applying machine learning methods like neural networks and support vector machines to financial time series data for stock prediction.
This project aims to provide accurate and reliable predictions for stock prices using the power of LSTM (Long Short-Term Memory) and ARIMA (AutoRegressive Integrated Moving Average) models. By analyzing historical stock data and leveraging the capabilities of these advanced forecasting models, we help investors and traders make informed decisions and optimize their investment strategies.
The project workflow begins with gathering comprehensive historical stock price data, including open, high, low, and closing prices, as well as trading volumes and other relevant features. This data is then preprocessed to handle missing values, outliers, and any other inconsistencies that may impact the accuracy of the predictions.
For time series analysis and forecasting, we employ the LSTM model, a variant of recurrent neural networks (RNNs) known for their ability to capture long-term dependencies in sequential data. LSTM models have proven to be highly effective in capturing the complex patterns and trends present in stock price data. By training the LSTM model on historical stock data, we can predict future stock prices with a high degree of accuracy.
In addition to LSTM, we utilize the ARIMA model, a widely used statistical method for time series forecasting. ARIMA models capture the autoregressive, moving average, and integrated components of a time series, allowing us to capture both short-term and long-term trends in stock prices. By incorporating the ARIMA model into our prediction pipeline, we further enhance the accuracy and reliability of our forecasts.
To evaluate the performance of our models, we use appropriate evaluation metrics such as mean absolute error (MAE), root mean squared error (RMSE), and mean absolute percentage error (MAPE). These metrics provide insights into the effectiveness of our models and help us fine-tune the parameters for optimal performance.
The Stock Price Prediction project using LSTM and ARIMA models represents our commitment to leveraging advanced machine learning and statistical techniques to provide valuable insights in the financial domain. By accurately forecasting stock prices, we empower investors and traders to make data-driven decisions, mitigate risks, and optimize their investment strategies. This project showcases our expertise in time series analysis, deep learning, and statistical modeling, and our dedication to delivering solutions that drive tangible business outcomes in the financial sector.
Stock Market Prediction using Machine LearningAravind Balaji
REPO : https://github.com/rvndbalaji/StockMarketPrediction
Stock Market Prediction using Machine
This is a presentation on Stock Market Prediction application built using R.
This is a part of final year engineering project
A Study of School Dropout in Rural Districts of Darjeeling and Its Causesijtsrd
Education is the only the key to socio economic growth and transformation for any rural area. The dropout rate has serious economic, social, and political effects on our nations and has become a global issue and a common phenomenon in most of the developing countries including India, specifically in rural areas. In this study, the magnitude, effects and causes responsible for dropout in Darjeeling rural areas are trying to find out. The research approach conducted for the study is Qualitative Descriptive Survey type and Random Sampling Technique has been adopted for the study. The primary data is collected from dropout school students 21 , school teachers’ 22 , and dropout parents 15 through structured Questionnaire. Secondary data has been obtained from Census India 2011 and other relevant published documents. The study sought the age between 12 to 20 years or specially adolescence period is crucial to check students from being dropout from school. The findings reveal that parents with low income and education, school environments, family issues, early marriage, difficulty level of syllabus, school management, principal’s behavior, lack of guidance and counselling, awareness program, parent teachers’ association, community involvement, lack of motivation and family support among students are all such factors that have either directly or indirectly affected the drop out cases. Sulagna Chakrabarti "A Study of School Dropout in Rural Districts of Darjeeling & Its Causes" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64670.pdf Paper Url: https://www.ijtsrd.com/humanities-and-the-arts/education/64670/a-study-of-school-dropout-in-rural-districts-of-darjeeling-and-its-causes/sulagna-chakrabarti
Pre extension Demonstration and Evaluation of Soybean Technologies in Fedis D...ijtsrd
The study was conducted in the Fedis district of East Hararghe Zone an area of major food insecure due to the influence of shortage and uneven distribution of rainfall patterns. Introducing improved technology is an option and has great advantages for the producers to minimize risks associated with it and maximize their benefits. The varieties were new to the area and promoted to diversify the crop under farmer conditions. Soybean varieties were introduced and demonstrated among farmers research groups. The result indicated that demonstrations of improved soybean varieties of korme and ethio eugoslavia recorded similar grain yield 19.56 qt ha and 19.27 qt ha respectively. Both improved varieties were well performed. Awareness of soybean technology for farmers was increased through the promotion of this technology. The result indicated that using improved varieties of Korme and ethio eugoslavia varieties was more advantageous for farmers in diversifying the crop varieties. Therefore, both varieties were recommended for more promotion in the area and other similar agroecological situations to reduce the problem of food malnutrition. Abdulaziz Teha | Oromia Megersa | Bedasso Urgessa "Pre-extension Demonstration and Evaluation of Soybean Technologies in Fedis District of East Hararghe Zone, Oromia, Ethiopia" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64645.pdf Paper Url: https://www.ijtsrd.com/other-scientific-research-area/other/64645/preextension-demonstration-and-evaluation-of-soybean-technologies-in-fedis-district-of-east-hararghe-zone-oromia-ethiopia/abdulaziz-teha
Pre extension Demonstration and Evaluation of Potato Technologies in Selected...ijtsrd
Pre extension demonstration and evaluation of potato varieties with the objectives of promoting and popularizing potato varieties, creating awareness, and improving farmers’ knowledge and skills were conducted during the production season. Fifteen trial farmers were selected from two potential potato growing kebeles of the Harari region. Two FRGs having 30 farmers were established at each kebele. Two improved potato varieties Bubu and Gudane and one local variety were planted on a plot of 40mx40m per variety. Trial farmers were used as replication. Training in which a total of 38 participants took part was also organized at Harari Region. Potato varieties were evaluated based on their tuber size yield, storability, and disease tolerance. Agronomic data and yield data were collected and analyzed using descriptive statistics. Based on the yield data 23.8 ton ha and 23ton ha compared to local check 15.3 ton ha were obtained from Bubu, Gudane, and local varieties respectively. Bubu has 55.56 and 50.32 Gudane yield advantage over the local check. Thus Bubu ranked first by tuber yield, Gudane second, and both varieties are recommended for scaling up. Abdulaziz Teha | Bedasso Urgessa | Oromia Megersa "Pre-extension Demonstration and Evaluation of Potato Technologies in Selected AGP-II Districts of Harari Region" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64644.pdf Paper Url: https://www.ijtsrd.com/other-scientific-research-area/other/64644/preextension-demonstration-and-evaluation-of-potato-technologies-in-selected-agpii-districts-of-harari-region/abdulaziz-teha
Pre extension Demonstration and Evaluation of Animal Drawn Potato Digger in S...ijtsrd
Pre extension Demonstration of the potato Digger was conducted at Dire Tayara of Harari Regional State. The objectives of the study were to demonstrate improved potato digger technology and to create awareness among the farmers of potato digger in the study area. The farmers were organized into two FRG groups having 30 members. The evaluation result showed that the digger has a working speed of 1.57km hr., a working width of 35cm, a working depth of 15cm, and an effective time of 0.39hr. Farmers feedback showed that the potato digger has good working speed, good tuber lifting, low tuber damage, good working width, and high time saving. Therefore, better if the technology is further promoted to the study area and other similar agroecology. Abdulaziz Teha | Oromia Megersa | Bedasso Urgessa "Pre-extension Demonstration and Evaluation of Animal Drawn Potato Digger in Selected AGP-II Districts of Harari Region" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64643.pdf Paper Url: https://www.ijtsrd.com/other-scientific-research-area/other/64643/preextension-demonstration-and-evaluation-of-animal-drawn-potato-digger-in-selected-agpii-districts-of-harari-region/abdulaziz-teha
Pre extension Demonstration and Evaluation of Drought Tolerant and Early Matu...ijtsrd
The study was conducted in Fedis, Gursum, and Chinaksan Districts of East Hararghe Zone with areas of major food insecurity due to the influence of shortage and uneven distribution of rainfall patterns. Introducing drought tolerant crops is an option to reduce this food insecurity problem. The objectives of this activity were to demonstrate and evaluate the productivity of adapted drought tolerant and early maturing food barley varieties by building farmers’ knowledge and skills through training on food barley production and management techniques in farmers’ fields at the target areas. The activity was conducted for consecutive two years of the main cropping season. A total of 60 farmers and 4 FTCs Farmer Training Centers were involved in the activity duration. Two improved lowland food barley Aquila and Golden Eye and local check varieties were used on plot sizes of 10mx10m for all sites. Since the technology was new in the areas, target farmers, Development agents, and experts of the districts were trained before intervention. Awareness creation was done through different extension approaches and materials such as field day, field visits, manuals, and leaflets. The result indicated that demonstrations of improved Food barley varieties of Aquila and Golden Eye recorded higher grain yield 25.3 qt ha and 23.83 qt ha compared to local check 18.2 qt ha , respectively. The result obtained from the demonstration plot was very encouraging. Moreover, the varieties were identified and ranked based on the criteria set by farmers Early maturity, yield, Disease tolerance, seed color, seed size, tillering effect, performance throughout the growing stage, and biomass . Therefore, the result indicated that using improved varieties of Aquila and Golden Eye food barley varieties was more advantageous for farmers than using the local ones. As a result, both Aquila and Golden Eye varieties were recommended for more promotion in the area and other similar agroecological situations to reduce the problem of food insecurity. Abdulaziz Teha | Bedasso Urgessa | Oromia Megersa "Pre-extension Demonstration and Evaluation of Drought Tolerant and Early Maturing Food Barley Varieties in Eastern Hararghe Zone, Oromia, Ethiopia" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64642.pdf Paper Url: https://www.ijtsrd.com/other-scientific-research-area/other/64642/preextension-demonstration-and-evaluation-of-drought-tolerant-and-early-maturing-food-barley-varieties-in-eastern-hararghe-zone-oromia-ethiopia/abdulaziz-teha
Pre extension Demonstration and Evaluation of Double Cropping Practice Legume...ijtsrd
Climate smart technology intervention in production and productivity enhancement of the agriculture sector for smallholder farmers’ livelihood improvement is an indispensable option. Taking this into consideration the double cropping practice research activity was undertaken with the objectives of evaluating the productivity and profitability of double cropping practice technology under farmers conditions, building farmers’ knowledge and skill of different crop combination production and management practices, and strengthening linkages and collaboration among stakeholders. A total of fifteen trial and follower farmers were selected and organized as FRGs. Improved varieties of common bean KATB 1 and Batu and sorghum Melkam and Local were replicated on the plot of 10mx10m. The yield performance of the improved varieties Batu, KATB 1, Melkam, and Local sorghum were 13, 14.50, 35.50, and 29.00 qt ha at Fedis Balina Arba kebele. Double cropping practices are preferred as they diversify the crop, higher yield, shorter crop cycles, better copping the dry spells, efficient use of land, reduce risks of striga, and reduce risk of bird infestation. Moreover, based on the obtained result, Batu, KATB 1, and Melkam combination is preferred by farmers since they can harvest twice within a single season. Therefore, it is better to be promoted and scale up in a wider area and reach a large number of farmers. Abdulaziz Teha | Bedasso Urgessa | Oromia Megersa "Pre-extension Demonstration and Evaluation of Double Cropping Practice (Legume followed by Sorghum Crop) in Fedis District" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64641.pdf Paper Url: https://www.ijtsrd.com/other-scientific-research-area/other/64641/preextension-demonstration-and-evaluation-of-double-cropping-practice-legume-followed-by-sorghum-crop-in-fedis-district/abdulaziz-teha
Pre extension Demonstration and Evaluation of Common Bean Technology in Low L...ijtsrd
Pre extension demonstration of common bean technologies was conducted at Fedis and Babile districts of the East Hararghe zone. One FRG from kebele was established and 10 trial farmers. Both varieties were sown on 10m 10m plot size with full package technology. Farmers were trained by researchers. After the provision of training, farmers were sown on their farms, and regular follow ups were undertaken by researchers. The yield performance of the improved varieties Awash 2 and serie 125 were 18.26, 23.64 qt ha at Ifadin and 20.46, 23.64 qt ha at Riski kebele respectively. The result showed that there is a statistically significant difference at 5 probability level between Awash 2 and serie 125 variety and also serie 125 has 22.5 yield advantage over Aawash 2. Therefore, it is better to pre scale up Awash 2 for the study area and similar agroecologies because of its color, market demand, and market price though its yield is lower than serie 125. Abdulaziz Teha | Oromia Megersa | Bedasso Urgessa "Pre-extension Demonstration and Evaluation of Common-Bean Technology in Low Land of East Hararghe Zone, Oromia" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64640.pdf Paper Url: https://www.ijtsrd.com/other-scientific-research-area/other/64640/preextension-demonstration-and-evaluation-of-commonbean-technology-in-low-land-of-east-hararghe-zone-oromia/abdulaziz-teha
Enhancing Image Quality in Compression and Fading Channels A Wavelet Based Ap...ijtsrd
The relentless growth in digital image data and its widespread application across various fields such as medical imaging, satellite imaging, and online content delivery necessitates efficient compression techniques to reduce storage requirements and facilitate faster transmission. However, traditional compression methods often lead to a significant degradation in image quality, particularly at high compression ratios, making the recovery of the original image fidelity challenging. This paper investigates the impact of compression ratio and PSNR on image quality, utilizing the 256×256 as a test image. It introduces a novel technique combining discrete wavelet transforms with Db2 wavelet and various de noising filters Wiener, Median to enhance decompression quality measures, such as SNR and BER, over existing methods. Further exploration is conducted on the effect of increasing compression ratios on image quality in flat fading channels using QPSK and 8 PSK modulation techniques with the Db2 wavelet transform. Comparative results demonstrate the efficacy of the proposed technique in maintaining higher quality in decompressed images. This study not only underscores the trade off between compression ratio and image quality but also showcases the potential of Db2 wavelet transforms in improving performance in fading channel conditions for different modulation schemes. Shreyaskumar Patel "Enhancing Image Quality in Compression and Fading Channels: A Wavelet-Based Approach with Db2 and De-noising Filters" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64684.pdf Paper Url: https://www.ijtsrd.com/engineering/computer-engineering/64684/enhancing-image-quality-in-compression-and-fading-channels-a-waveletbased-approach-with-db2-and-denoising-filters/shreyaskumar-patel
Manpower Training and Employee Performance in Mellienium Ltdawka, Anambra Stateijtsrd
Manpower planning and development is the first and the most significant function of management. Manpower training and development is one of the strategies an organization uses to improve its short term and long term goals given the economic realities of today. The specific objectives are to investigate the effect of skills on quality of work to ascertain the effect of knowledge on quantity of work to determine the effect of attitude on working relationship. Survey research design was adopted for this study, the population of the study comprises 112 employees both the management, junior and senior staff in various departments in mellienium Ltd Awka. A sample size of 43 were selected randomly for this study. Data was collocated primarily which was obtained from respondents through a structured questionnaire formulated by the researcher. Data was analyzed through simple linear regression with SPSS version 23. The findings of the study show that skill has significant effect on quality of work with a R square of 0.977, at p value .005 , there is a significant effect of knowledge on quantity of work R square of 0.969, at p value .005 , attitude has a significant effect on working relationship R square of 0.969, at p value .005 . The study concludes that the findings of this study provide actionable insights for Millennium Ltd Awka, supporting the notion that effective manpower training positively impacts employee performance. The study recommends that Millennium Ltd, Awka should closely monitor performance metrics over time and employs tools of understanding the temporal patterns which will provide insights into the cyclical nature of employee performance and guide the implementation of interventions at strategic points. Bankole Isaac, Akinroluyo | Olayinka Hammed O. | Idigo, Peter Ifeanyi | Ezeude, Nneka Winifred "Manpower Training and Employee Performance in Mellienium Ltdawka, Anambra State" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64681.pdf Paper Url: https://www.ijtsrd.com/management/business-administration/64681/manpower-training-and-employee-performance-in-mellienium-ltdawka-anambra-state/bankole-isaac-akinroluyo
A Statistical Analysis on the Growth Rate of Selected Sectors of Nigerian Eco...ijtsrd
In this paper, multiple regression analysis was used to measure the impact of the growth rate of some selected sectors of the Nigerian economy on the real Gross Domestic Product GDP . For cases where linear relationship between the explanatory and response variables does not exist, non linear regression model was applied. Dataset used was obtained from the National Bureau of Statistics database which contains the real gross domestic product growth rate of each sector from 2018 to 2022. The results obtained from the study revealed that a significant linear relationship exists between the manufacturing, transportation with storage sectors and the real GDP. However, a non linear relationship exists between the real GDP growth rate and Information Communication Technology ICT sector. Suggestions were made on how to improve the various sectors of the economy. Chukwunenye Victor Chigozie | Chukwuenyem E. Onyenekwe | Ejiofor Chidimma Florence "A Statistical Analysis on the Growth Rate of Selected Sectors of Nigerian Economy" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64635.pdf Paper Url: https://www.ijtsrd.com/mathemetics/statistics/64635/a-statistical-analysis-on-the-growth-rate-of-selected-sectors-of-nigerian-economy/chukwunenye-victor-chigozie
Automatic Accident Detection and Emergency Alert System using IoTijtsrd
One of the primary causes of a vehicle accident is speed. If emergency personnel had been able to learn about the tragedy and arrive in time, many lives might have been saved. Many unique characteristics can be found in an intelligent vehicle, such as a smart car, that has electronic driver assistance controls installed. In this context, a few clever ideas are included in this project work, such as axis detector, vibration sensor, a close running car alarm on the front and rear sides, MQ3 Alcohol. The Arduino Uno board serves as the main processing unit, and it is interfaced with the sensors mentioned above. Accelerometer is detect the sudden change of axis of the vehicle, Vibration sensor detect the hitting of vehicle, if such condition detects, Arduino take the location of the vehicle from GPS sensor and send message through GSM Global System for Mobile communication along with location to the family member mobile. In addition to being used to detect alcohol level of the driver. If this occurs, an emergency alert will show and an alarm will sound. Mangla Devi Sao | Ghanshyam Sahu | Lalit Kumar P Bhaiya "Automatic Accident Detection and Emergency Alert System using IoT" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64660.pdf Paper Url: https://www.ijtsrd.com/engineering/transport-engineering/64660/automatic-accident-detection-and-emergency-alert-system-using-iot/mangla-devi-sao
Corporate Social Responsibility Dimensions and Corporate Image of Selected Up...ijtsrd
The extraction and production activities associated with the upstream oil and gas sector in Nigeria have been linked to significant environmental degradation. Practices such as oil spills, gas flaring, and deforestation have led to pollution of land, water bodies, and the atmosphere. This degradation not only poses risks to ecosystems and biodiversity but also threatens the health and livelihoods of local communities who depend on these natural resources for sustenance. Hence, this study examined the effect of corporate social responsibility dimensions on societal loyalty in the Nigerian upstream oil and gas businesses. The study adopted survey research design. The population of the study comprised 13, 443 regular employees of eight OandG firms’ companies in Nigeria. The sample size of 748 was determined using Cochran’s sample size formula 1977 and simple random sampling technique was adopted in selecting respondents. A structured, adapted and validated questionnaire was administered with Cronbach’s alpha reliability coefficient for the constructs ranging from 0.630 to 0.910. The response rate was 91.0 . The research hypotheses were tested using multiple regression statistics. The findings revealed that corporate social responsibility dimensions had no significant effect societal loyalty Adj. R2=0.11, F 2. 671 = 1.96, p 0.05 , corporate Adj. R2=.001, F 2. 671 = 1.292, p 0.05 . The study of study concludes that CSR dimensions do not have a substantial influence on societal loyalty, business image, and competitiveness, suggesting the need for further investigation into the complex connection between CSR practices and organisational results. Therefore, the study recommends that to improve loyalty, Oil and Gas firms should conduct stakeholder evaluations, customize CSR programs, participate in community outreach, philanthropy projects, and environmental conservation efforts. Transparent communication and stakeholder involvement are crucial for trust and confidence. Okegbemiro, S. A. | Onu, C. | Nwankwere, I. A. | Adim, C. V. "Corporate Social Responsibility Dimensions and Corporate Image of Selected Upstream Oil and Gas Companies in Nigeria" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64671.pdf Paper Url: https://www.ijtsrd.com/management/business-administration/64671/corporate-social-responsibility-dimensions-and-corporate-image-of-selected-upstream-oil-and-gas-companies-in-nigeria/okegbemiro-s-a
The Role of Media in Tribal Health and Educational Progress of Odishaijtsrd
Theatre is an effective and popular media for the upliftment of marginalized groups of society, especially the tribal communities. The lack of exposure to education, healthcare, sanitation, lead the community members towards backwardness. The traditional food of tribes plays a vital role in their health and immunity. Theatre can provide good exposure to the community members to believe in themselves, to promote their culture and for their overall development. Applied theatre can educate the community more easily than speeches or any other mode of awareness given to them. Applied theatre can influence both literate and illiterate populations which have the potential to convey lifeless contents effectively. Drama, documentary, and other visual content can influence the mass is more than other mediums. The specialty of the brain to store visuals more than the audio signals can be also a reason behind its reachability to the masses. This can provide long time effect and can also be seenas a way to educate a community without their knowledge or active participation. The present study discusses the applied theatre initiatives of the Government of Odisha and other NGOs for the development of tribal communities, especially in the health and education sectors. Jayaprada Sahoo | Dr. Suresh Vadranam "The Role of Media in Tribal Health and Educational Progress of Odisha" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64656.pdf Paper Url: https://www.ijtsrd.com/humanities-and-the-arts/education/64656/the-role-of-media-in-tribal-health-and-educational-progress-of-odisha/jayaprada-sahoo
Advancements and Future Trends in Advanced Quantum Algorithms A Prompt Scienc...ijtsrd
Advanced quantum algorithms represent a frontier in computational science, leveraging the principles of quantum mechanics to solve complex problems with unparalleled efficiency. This paper explores the current landscape of advanced quantum algorithms and identifies key trends shaping their future development. We discuss various types of advanced quantum algorithms, including Quantum Approximate Optimization Algorithm QAOA , Quantum Singular Value Transformation QSVT , Quantum Principal Component Analysis QPCA , and others, highlighting their applications across different domains such as optimization, machine learning, cryptography, and quantum chemistry. Additionally, we delve into emerging trends such as hybrid quantum classical algorithms, error correction driven algorithms, and interdisciplinary applications. By examining these trends, we provide insights into the transformative potential of advanced quantum algorithms and their role in shaping the future of computing and scientific discovery. Manish Verma "Advancements and Future Trends in Advanced Quantum Algorithms A Prompt Science Analysis" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64661.pdf Paper Url: https://www.ijtsrd.com/computer-science/artificial-intelligence/64661/advancements-and-future-trends-in-advanced-quantum-algorithms-a-prompt-science-analysis/manish-verma
A Study on Seismic Analysis of High Rise Building with Mass Irregularities, T...ijtsrd
In a many techniques of S.A. of structure. Analysis of the structure is critical techniques for structural S.A. in general evaluate structural reaction is non linear in nature. This type of analysis, a representative earthquake time history is required. In this case study S.A. of RCC buildings with mass irregularity at different floor level are carrying. Seismic forces can origin major structural damage or demolition. In multi story RC building have been subjected to the heavy earth quakes, the existence of irregularity in RC construction was vertical irregularity of the building stap 0nds it apart from other structures. In this study is to design and analysis of the structural elements like Slabs, Beams and Columns etc. All loads like dead load, live load, wind load etc. are consider according to standards and by considering seismic and wind force to ensure the safety and careful balance b w financial system and safety. As a final point the analysis parameters like shear force, bending moment and displacements are comparatively presented. Magal Banskar | Prof. Pawan Dubey | Prof. Rakesh Sakale | Prof. Hirendra Pratap Singh "A Study on Seismic Analysis of High Rise Building with Mass Irregularities, Torsional Irregularities and Floating Column" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64650.pdf Paper Url: https://www.ijtsrd.com/engineering/structural-engineering/64650/a-study-on-seismic-analysis-of-high-rise-building-with-mass-irregularities-torsional-irregularities-and-floating-column/magal-banskar
Descriptive Study to Assess the Knowledge of B.Sc. Interns Regarding Biomedic...ijtsrd
Material and Method A descriptive research approach and design was used to assess knowledge of B.Sc. Nursing Interns. A total sample of 150 students was taken through the research study. Self structured questionnaire was used for collection of data. The data was collected by adopting a purposive sampling technique. Descriptive and Inferential statistics were used to analyse the data. The findings of present study revealed that out of 150 subjects, 68.66 of the subjects have adequate knowledge and 31.33 of the subjects have inadequate knowledge. Study concluded that majority of students were having good knowledge about Biomedical Waste ManagementResults 68.66 subjects of the study were having adequate knowledge and 31.33 subjects of the study were having indequate knowledge regarding Biomedical Waste Management. B.Sc.Nursing students studying in government colleges of nursing have higher knowledge 73.33 than students studying in private college of nursing 61.66 .Conclusion Most of the B.Sc. Nursing Interns studying in nursing colleges of Punjab is having adequate knowledge about Biomedical Waste Management. Majority of subjects studying in private colleges of nursing are having adequate knowledge. The study included total of 60 subjects from private college of nursing, out of which 37 subjects have adequate knowledge and rest 23 subjects have inadequate knowledge regarding Biomedical Waste Management. Rizwan Khan | Gurpreet Brar | Harpreet Kaur "Descriptive Study to Assess the Knowledge of B.Sc. Interns Regarding Biomedical Waste Management in Selected Colleges of Nursing, Punjab" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64667.pdf Paper Url: https://www.ijtsrd.com/medicine/nursing/64667/descriptive-study-to-assess-the-knowledge-of-bsc-interns-regarding-biomedical-waste-management-in-selected-colleges-of-nursing-punjab/rizwan-khan
Performance of Grid Connected Solar PV Power Plant at Clear Sky Dayijtsrd
Nowadays, solar PV based electricity generation become a popular and commonly used renewable energy system RES due to their advantages. The interest for sustainable imperativeness based power production has been expanded due to numerous reasons, such as to reduce the level of carbon outflow, to limit the utilization of non renewable energy source and to keep up the environment pollution free. Among the sustainable resources, solar energy has increased a lot of consideration by scientists in the ongoing many years everywhere on the world. This paper is presented the performance of grid connected 40 MW large PV power plant in this paper is modelled by using MATLAB SIMULINK. The grid voltage and power on the transmission grid have been verified by the simulation results. Khin Moe Moe | Hla Aye Thar "Performance of Grid Connected Solar PV Power Plant at Clear Sky Day" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64649.pdf Paper Url: https://www.ijtsrd.com/engineering/electrical-engineering/64649/performance-of-grid-connected-solar-pv-power-plant-at-clear-sky-day/khin-moe-moe
u
Vitiligo Treated Homoeopathically A Case Reportijtsrd
Vitiligo is an acquired cutaneous disorder of pigmentation, with an incidence of 0.5 to 2 worldwide. There are three major hypotheses for the pathogenesis of vitiligo that are not exclusive of each other biochemical cytotoxic, neural and autoimmune. Recent data provide strong evidence supporting an autoimmune pathogenesis of vitiligo. As vitiligo can have a major effect on quality of life, treatment can be considered and should preferably begin early when then disease is active. Current treatment modalities are directed towards stopping progression of the disease and achieving repigmentation. Therapies include corticosteroids, topical immunomodulators, photo chemo therapy, surgery, combination therapies and depigmentation of normally pigmented skin. It seems that traditional Chinese medicine could be more effective than the current treatment for vitligo. Dr. Rudrakshi Dey "Vitiligo Treated Homoeopathically - A Case Report" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64612.pdf Paper Url: https://www.ijtsrd.com/medicine/other/64612/vitiligo-treated-homoeopathically--a-case-report/dr-rudrakshi-dey
Vitiligo Treated Homoeopathically A Case Reportijtsrd
Vitiligo is an acquired cutaneous disorder of pigmentation, with an incidence of 0.5 to 2 worldwide. There are three major hypotheses for the pathogenesis of vitiligo that are not exclusive of each other biochemical cytotoxic, neural and autoimmune. Recent data provide strong evidence supporting an autoimmune pathogenesis of vitiligo. As vitiligo can have a major effect on quality of life, treatment can be considered and should preferably begin early when then disease is active. Current treatment modalities are directed towards stopping progression of the disease and achieving repigmentation. Therapies include corticosteroids, topical immunomodulators, photo chemo therapy, surgery, combination therapies and depigmentation of normally pigmented skin. It seems that traditional Chinese medicine could be more effective than the current treatment for vitligo. Dr. Rudrakshi Dey "Vitiligo Treated Homoeopathically - A Case Report" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64612.pdf Paper Url: https://www.ijtsrd.com/medicine/other/64612/vitiligo-treated-homoeopathically--a-case-report/dr-rudrakshi-dey
Uterine fibroids are commonly known as abnormal non cancerous growths present in woman’s uterus, mostly at reproductive stage of life. Uterine fibroids are also called as uterine leiomyomias or myomas and considered as benign tumors by physicians. These are generally made up of smooth muscle cells or fibrous connective tissues, which are lying around the uterus. Today, it comes out as a common health problem in female’s during her reproductive phase with arising of symptoms like pelvic pain and heavy bleeding during her menstrual period. Suffering with long series of symptoms for longer period of time brings huge negative impact at both physical and mental level of a woman’s life in different ways. Dr. Rudrakshi Dey "Uterine Fibroids: Homoeopathic Perspectives" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456-6470, Volume-8 | Issue-2 , April 2024, URL: https://www.ijtsrd.com/papers/ijtsrd64611.pdf Paper Url: https://www.ijtsrd.com/medicine/other/64611/uterine-fibroids-homoeopathic-perspectives/dr-rudrakshi-dey
Paper 110A | Shadows and Light: Exploring Expressionism in ‘The Cabinet of Dr...Rajdeep Bavaliya
Dive into the haunting worlds of German Expressionism as we unravel how shadows and light elevate ‘The Cabinet of Dr. Caligari’ and ‘Nosferatu: A Symphony of Horror’ into timeless masterpieces. Discover the psychological power of chiaroscuro, distorted sets, and evocative silhouettes that shaped modern horror. Whether you’re a film buff or a budding cinephile, this journey through post‑WWI trauma and surreal visuals will leave you seeing movies in a whole new light. Hit play, share your favorite shock‑and‑awe moment in the comments, and don’t forget to follow for more deep‑dives into cinema’s most influential movements!
M.A. Sem - 2 | Presentation
Presentation Season - 2
Paper - 110A: History of English Literature – From 1900 to 2000
Submitted Date: April 1, 2025
Paper Name: History of English Literature – From 1900 to 2000
Topic: Shadows and Light: Exploring Expressionism in ‘The Cabinet of Dr. Caligari’ and ‘Nosferatu: A Symphony of Horror’
[Please copy the link and paste it into any web browser to access the content.]
Video Link: https://youtu.be/pWjHqo6clT4
For a more in-depth discussion of this presentation, please visit the full blog post at the following link:
Please visit this blog to explore additional presentations from this season:
Hashtags:
#GermanExpressionism #SilentHorror #Caligari #Nosferatu #Chiaroscuro #VisualStorytelling #FilmHistory #HorrorCinema #CinematicArt #ExpressionistAesthetics
Keyword Tags:
Expressionism, The Cabinet of Dr. Caligari, Nosferatu, silent film horror, film noir origins, German Expressionist cinema, chiaroscuro techniques, cinematic shadows, psychological horror, visual aesthetics
Drug Metabolism advanced medicinal chemistry.pptxpharmaworld
This document describes about structural metabolism relationship and drug designing and toxicity of drugs in " DRUG METABOLISM"
In Drug Metabolism is the process of converting a drug into product or inert substances after or before reaching at the site of action.
Metabolism plays an important role in elimination of drugs and foreign substance from the body.
The metabolism of any drug is generally characterised by two phases of reaction
1.Metabolic transformation ( biotransformation ) and
2.Conjugation
The Principal site of drug metabolism is the liver, but the kidney, lungs, and GIT also are important metabolic sites.
The enzymatic bio transformations of drugs is known as Drug Metabolism. Because many drugs have structures similar to those of endogenous compounds , drugs may get metabolised by specific enzymes for the related natural substrates as well as by non-specific enzymes.
Reaction type of Phase-I:
1.Oxidation
2.Reduction
3.Hydrolysis
Most drugs are metabolised ,atleast to some extent , by both phases of metabolism.
Example: Metabolism of Aspirin
Acetyl Salicylic acid undergoes hydrolysis to salicylic acid ( metabolic transformation ), which is then conjugated with glycine to form Salicyluric acid ( Conjugation ).
In Phase-II the metabolites formed in Phase-II are converted to more polar and water soluble product by attaching polar and ionisable moiety such as
1.Glucuronic acid
2.Glycine
3.Glutamine
4.Glutathione conjugation
5.Acetylation
6.Methylation
7.Sulfate conjugation
8.Nucleoside and Nucleotide formation
9.Amino Acid Conjugation
10.Fatty Acid and Cholesterol Conjugation
Drug design is the process of creating new drugs by using knowledge of a biological target.
Drug design considers metabolism to optimize pharmaco kinects ( ADME: Absorption , Distribution , Metabolism , Excretion )
Cytochrome CYP450 enzyme in Drug Metabolism is vital in drug design to enhance efficacy , reduce toxicity and improve bioavailability.
Cytochrome P450 enzymes (CYPs) are a superfamily of heme -containing proteins found from bacteria to human.
Cytochrome P-450 activity in various organs like Liver,Lung ,Kidney , Intestine,Placenta
Adrenal and Skin and they shows the relative activity with repect to their organs in the process of drug metabolism.
Most important CYP450 enzymes are CYP1A2 , CYP2C9 , CYP2E1
,etc...
Toxic Effects of Drug Metabolism
Toxicity: Accumulation of Excess of medications in the Blood Stream.
Ariens (1948) and Mitchell and Horning (1984) deal with this topic.
Some examples of Metabolism-Linked Toxicity are
1.Acetaminophen (paracetmol)
2.Isoniazid ( TB drug)
3.Chloroform
4.Dapsone
5.Diazepam
6.Salicylate
7.Halothane (Anesthetic)
8.Tamoxifen (Breast Cancer drug )
9.Clozapine(Antipsychotic)
These drugs are differentiates with the TOXIC METABOLITE , TOXICITY OF METABOLITE.
References for this topic also mentioned at the end.
This study describe how to write the Research Paper and its related issues. It also presents the major sections of Research Paper and various tools & techniques used for Polishing Research Paper
before final submission.
Finding a Right Journal and Publication Ethics are explain in brief.
In this presentation we will show irrefutable evidence that proves the existence of Pope Joan, who became pontiff in 856 BC and died giving birth in the middle of a procession in 858 BC.
How to Configure Subcontracting in Odoo 18 ManufacturingCeline George
Subcontracting in manufacturing involves outsourcing specific production tasks to external vendors or subcontractors. These tasks may include manufacturing certain components, handling assembly processes, or even producing entire product lines.
How to create and manage blogs in odoo 18Celine George
A blog serves as a space for sharing articles and information.
In Odoo 18, users can easily create and publish blogs through
the blog menu. This guide offers step-by-step instructions on
setting up and managing a blog on an Odoo 18 website.
The philosophical basis of curriculum refers to the foundational beliefs and values that shape the goals, content, structure, and methods of education. Major educational philosophies—idealism, realism, pragmatism, and existentialism—guide how knowledge is selected, organized, and delivered to learners. In the digital age, understanding these philosophies helps educators and content creators design curriculum materials that are purposeful, learner-centred, and adaptable for online environments. By aligning educational content with philosophical principles and presenting it through interactive and multimedia formats.
The Ellipsis Manual Analysis And Engineering Of Human Behavior Chase Hughespekokmupei
The Ellipsis Manual Analysis And Engineering Of Human Behavior Chase Hughes
The Ellipsis Manual Analysis And Engineering Of Human Behavior Chase Hughes
The Ellipsis Manual Analysis And Engineering Of Human Behavior Chase Hughes
"Orthoptera: Grasshoppers, Crickets, and Katydids pptxArshad Shaikh
Orthoptera is an order of insects that includes grasshoppers, crickets, and katydids. Characterized by their powerful hind legs, Orthoptera are known for their impressive jumping ability. With diverse species, they inhabit various environments, playing important roles in ecosystems as herbivores and prey. Their sounds, often produced through stridulation, are distinctive features of many species.
2. International Journal of Trend in Scientific Research and Development @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD53854 | Volume – 7 | Issue – 2 | March-April 2023 Page 1027
2. Literature Review:
STIs are statistical calculations based on the price,
volume, or significance for a share, security or
contract. These does not depend on fundamentals of a
business, like earnings, revenue, or profit margins.
The active stock traders and technical analysts
commonly use STI’s to analyze short-term and long-
term price movements and to identify entry and exit
points. Technical indicators can be useful while
predicting the Buy & Sell decisions of stocks, trends
of stock.
M. Nabipour [1] Collected 10 years historical data of
stocks. The value predictions are created for 1, 2, 5,
10, 15, 20, and 30 days in advance. Various machine
learning algorithms were utilized for prediction of
future values of stock market groups. He employed
decision tree, bagging, random forest, adaptive
boosting (Adaboost), gradient boosting, and eXtreme
gradient boosting (XGBoost), and artificial neural
networks (ANN), recurrent neural network (RNN) and
long short-term memory (LSTM). Technical
indicators were selected as the inputs into each of the
prediction models. The results of the predictions were
presented for each technique based on four metrics.
Among all algorithms used in this paper, LSTM
shows more accurate results with the highest model
fitting ability.
Can Yang [2] presents a deep learning framework to
predict price movement direction based on historical
information in financial time series. The framework
combines a convolutional neural network (CNN) for
feature extraction and a long short-term memory
(LSTM) network for prediction. He specifically use a
three-dimensional CNN for data input in the
framework, including the information on time series,
technical indicators, and the correlation between stock
indices. And in the three-dimensional input tensor, the
technical indicators are converted into deterministic
trend signals and the stock indices are ranked by
Pearson product-moment correlation coefficient
(PPMCC). When training, a fully connected network
is used to drive the CNN to learn a feature vector,
which acts as the input of concatenated LSTM. After
both the CNN and the LSTM are trained well, they are
finally used for prediction in the testing set.
Manish Agrawal [3] effort is made to predict the
prices of stock indices by utilizing Stock Technical
Indicators (STIs) which in turn helps to take buy-sell
decision over long and short term. Two different
models are built, one for future price trend prediction
of indices and other for taking Buy-Sell decision at the
end of day. As a part of prediction model the
optimized Long Short Term Memory (LSTM) model
is combined with highly correlated STIs.
Dongdong Lv[4], analysed large-scale stock datasets.
He synthetically evaluate various ML algorithms and
observe the daily trading performance of stocks under
transaction cost and no transaction cost. Particularly,
he used two large datasets of 424 S&P 500 index
component stocks (SPICS) and 185 CSI 300 index
component stocks (CSICS) from 2010 to 2017 and
compare six traditional ML algorithms and six
advanced deep neural network (DNN) models on
these two datasets, respectively. According to this
paper ML algorithm has better performance for
technical indicators.
Hyun Sik Sim[5] propose a stock price prediction
model based on convolutional neural network (CNN)
to validate the applicability of new learning methods
in stock markets. When applying CNN, technical
indicators were chosen as predictors of the forecasting
model, and the technical indicators were converted to
images of the time series graph. This study addresses
two critical issues regarding the use of CNN for stock
price prediction: how to use CNN and how to
optimize them.
Mojtaba Nabipour[6] study compares nine machine
learning models (Decision Tree, Random Forest,
Adaptive Boosting (Adaboost), eXtreme Gradient
Boosting (XGBoost), Support Vector Classifier
(SVC), Naïve Bayes, K-Nearest Neighbors (KNN),
Logistic Regression and Artificial Neural Network
(ANN)) and two powerful deep learning methods
(Recurrent Neural Network (RNN) and Long short-
term memory (LSTM). Technical indicators from ten
years of historical data are our input values, and two
ways are supposed for employing them. Firstly,
calculating the indicators by stock trading values as
continues data, and secondly converting indicators to
binary data before using. Each prediction model is
evaluated by three metrics based on the input ways.
The evaluation results indicate that for the continues
data, RNN and LSTM outperform other prediction
models with a considerable difference. Also, results
show that in the binary data evaluation, those deep
learning methods are the best. however, the difference
becomes less because of the noticeable improvement
of models’ performance in the second way.
3. Stock Technical Indicators
STIs are statistical calculations based on the price,
volume, or significance for a share, security or
contract. These does not depends on fundamentals of
a business, like earnings, revenue, or profit margins.
The active stock traders and technical analysts
commonly use STIs to analyze short-term and long
term price movements and to identify entry and exit
points. Technical indicators can be useful while
predicting the future prices of assets so they can be
3. International Journal of Trend in Scientific Research and Development @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD53854 | Volume – 7 | Issue – 2 | March-April 2023 Page 1028
integrated into automated trading systems. There are
two basic types of technical indicators: Overlays and
Oscillators. In this work, we use SMA as it is one
among the most widely used STI. It filters out the
noise which occurs due to random price variations
and helps to smooth out price. It is said as trend
following indicator or simplylagging as it depends on
past prices. Formulae for calculating the most
prevailing Stock Technical Indicators (STIs) is
presented in Table 1.
Stock Technical Indicators (STIs) Mathematical Formula
Moving Averages (MA)
Exponential Moving Average (EMA)
Moving Average Convergence Divergence (MACD) 13 Period EMA – 26 Period EMA
Relative Strength Index (RSI)
Stochastic Oscillator (%K)(SO)
William %R(WPR)
Rate of Change (ROC)
Commodity Channel Index(CCI)
Momentum(MOM) Momentum = C- Cx
Table 1: Stock Technical Indicators
Details of Technical Indicators
Moving Average (MA)
Moving Average (MA) are average values for a given
time frame and they reflect mood of market. It’s a
simple average of the past closing.eg., 50 day SMA is
nothing but average of previous 50 days closing
prices.
Formula for Moving Average is
Cn = Closing price of an stock at period n.
n = The number of total periods.
Exponential Moving Average (EMA)
Exponential Moving Average (EMA) is a type of
moving average that is similar to a simple moving
average, except that more weight is given to the latest
data. The exponential moving average is also known
as exponentially weighted moving average. EMA is
used to produce buy and sell signals based on
crossovers. Important EMA are 5,13,26,50,100,200
Formula for Exponential Moving Average is
Where Smoothing = 2
Moving Average Convergence Divergence
(MACD)
Moving Average Convergence Divergence (MACD)
is a trading indicator used in technical analysis.It is
called as Trend indicator. MACD indicator has 3
components in it. MACD Line is blue line in the
MACD indicators. It is calculation result of
subtracting 26-period EMA from 12-Period
EMA.Signal Line is the Red line which is plotted on
the top of the MACD line. It is basically 9-Period
EMA of the MACD lineWhen MACD line crosses
the signal line in upward direction it triggers a Buy
signal When MACD line crossing the signal line in
downward direction triggers a SELL Signal.
Histogram are vertical lines/bars.
Formula for Moving Average Convergence
Divergence is
12 Period EMA − 26 Period EMA
4. International Journal of Trend in Scientific Research and Development @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD53854 | Volume – 7 | Issue – 2 | March-April 2023 Page 1029
Relative Strength Index (RSI)
Relative Strength Index (RSI) is a popular momentum
oscillator. The RSI provides technical traders signals
about bullish and bearish price momentum, and it is
often plotted beneath the graph of an asset's price. An
stock is usually considered overbought when the RSI
is above 70% and oversold when it is below 30%
Formula for Relative Strength Index is
Stochastic Oscillator(SO)
Stochastic Oscillator (SO) is a popular technical
indicator for generating overbought and oversold
signals. Readings over 80 are considered in the
overbought range, and readings under 20 are
considered oversold. It is a popular momentum
indicator. %K is referred to sometimes as the fast
stochastic indicator.(Blue wave). The slow stochastic
indicator is taken as %D = 3-period moving average
of %K. (Red Wave)
Formula for Relative Strength Index is
where:
C = The most recent closing price
L14 = The lowest price traded of the 14 previous
trading sessions.
H14 = The highest price traded during the same14
day period
%K = The current value of the stochastic indicator
%D = 3-period moving average of %K.
Avg.Directional Index with DMI(ADX)
Directional Movement Index (DMI) is made of “+DI”,
“-DI” and ADX where +DI and –DI are directional
Indicators & ADX is a strength in a given trend.
If +DI > -DI - Bullish direction. ADX shows strength
in uptrend.
If -DI > +DI - Bearish direction. ADX shows strength
in downtrend.
ADX should be > 12
Formula for Avg.Directional Index with DMI is
William % Range (WPR)
Williams %R (WPR) moves between zero and -100. A
reading above -20 is overbought. A reading below -80
is oversold. An overbought or oversold reading
doesn't mean the price will reverse. Overbought
simply means the price is near the highs of its recent
range. Oversold means the price is in the lower end of
its recent range. Can be used to generate trade signals
when the price and the indicator move out of
overbought or oversold territory.
Formula for Moving Average is
where:
Highest High=Highest price in the lookback
period, typically 14 days.
Close=Most recent closing price.
Lowest Low=Lowest price in the lookback
period, typically 14 days.
Rate of Change(ROC)
Rate of Change (ROC) Measures the percentage
change between the most recent price and the price
“n” Periods in the past. ROC is classed as a price
momentum oscillator or a velocityIndicator because it
measures the rate of change or the strength of
momentum of change. It is set against a zero-level
midpoint. A rising ROC above zero typicallyconfirms
an uptrend while a falling ROC below zero indicates a
downtrend. When the price is consolidating, the ROC
will hover near zero.
Formula for Rate of Change is
where:
B=price at current time
A=price at previous time
Commodity Change Index(CCI)
Commodity Change Index (CCI) is a market indicator
used to track market movements that may indicate
buying or selling. The CCI compares current price to
average price over a specific time period. The
indicator fluctuates above or below zero, moving into
positive or negative territory. When the CCI moves
above +100, a new, strong uptrend is beginning,
signaling a buy. When the CCI moves below −100, a
new, strong downtrend is beginning, signaling a
sell. Look for overbought levels above +100 and
oversold levels below -100.
Formula for Commodity Change Index is
5. International Journal of Trend in Scientific Research and Development @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD53854 | Volume – 7 | Issue – 2 | March-April 2023 Page 1030
Where
Momentum(MOM)
Momentum (MOM) is the speed or velocity of price
changes in a stock, security, or tradable instrument.
Momentum shows the rate of change in price
movement over a period of time to help investors
determine the strength of a trend. Investors use
momentum to trade stocks whereby a stock can
exhibit bullish momentum–the price is rising–or
bearish momentum–the price is falling.
For UpTrend
MOM > 0 = Upward Bias
MOM > 0 + Price Increase = Strong UpTrend
MOM > 0 + Price Decrease = Weak UpTrend
For DownTrend
MOM < 0 = Downward Bias
MOM < 0 + Price Decrease = Strong DownTrend
MOM < 0 + Price Increase = Weak DownTrend
Formula for Momentum is
Momentum = C- Cx
where:
C =Latest price
Cx =closing price
x=Number of days ago
4. Problem Statement
The investors usually take the decisions of buying or
selling the stock by evaluating a company’s
performance and other unexpected global, national &
social events. Although, such events eventually affect
stock prices instantaneously in a negative or positive
way, these effects are not permanent most of the time.
So, it is not viable to predict the stock prices and
trends on the basis of Fundamental Analysis.
Investors are familiar with the saying, “buy low, sell
high” but this does not provide enough context to
make proper investment decisions. Before an investor
invests in any stock, he needs to be aware how the
stock market behaves. Investing in a good stock but at
a bad time can have disastrous results, while
investment in a mediocre stock at the right time can
bear profits. Financial investors of today are facing
this problem of trading as they do not properly
understand as to which stocks to buy or which stocks
to sell in order to get optimum profits. Predicting long
term value of the stock is relatively easy than
predicting on day-to-day basis as the stocks fluctuate
rapidly every hour based on world events.
4.1. Problem Definition
The objective of our project is to develop a Artificial
Intelligence System Using Technical indicators to
predict Stock trends. There are various technical
indicators like Moving Averages (MA), Exponential
Moving Average(EMA), Moving Average
Convergence Divergence (MACD), Relative Strength
Index (RSI),Stochastic Oscillator, ADX –
Avg.Directional Index with DMI, William %R
(WPR), Rate of Change(ROC), Commodity Channel
Index(CCI), Momentum(MOM) are calculated on
basis of closing price, opening price, High price, low
price.
We will use this technical indicators as input to our AI
algorithms i.e., support vector machine (SVM) &
Long Short Term Memory(LSTM).Our AIalgorithms
will give accuracy, buy & sell decisions, trends of the
Stock. On this basis trader can take decision of buying
and selling of stock.
4.2. Objectives
The system must be able to access a list of
historical prices. It must calculate the STI based
on the historical data. It must also provide an
instantaneous visualization of the market index.
As a consequence, an automated system or model,
to analyses the stock market and upcoming stock
trends based on historical prices and STIs, is
needed.
Two versions of prediction system will be
implemented; one using Support Vector Machines
and other using Long Short Term Memory
(LSTM). The experimental objective will be to
compare the forecasting ability of SVM with
LSTM. We will test and evaluate both the systems
with same test data to find their prediction
accuracy.
Applying traditional machine learning and deep
learning approaches yields average results as the
stock market follows random walk motion.
Applying AI Learning algorithm and adaptive
STIs can make an effective forecast.
4.3. Suggested System Architecture
we are proposing new model for the Stock Market
Prediction. Proposed system consists of different
modules working together to achieve robust and more
accurate system than its predecessors.
6. International Journal of Trend in Scientific Research and Development @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD53854 | Volume – 7 | Issue – 2 | March-April 2023 Page 1031
Fig.1 System Architecture of Stock Price Prediction
The stock data is captured through APIs. The values of Stock i.e., Date, Time, stock-name, Volume, Open, High,
Low and Close (OHLC) prices are extracted from the dataset. We will build the new input features, which are
known as STIs, by applying technical analysis. The STI will be given to AI algorithms LSTM,SVM. This AI
algorithm will give the output i.e., predicted Buy & sell decision, Identifies up-trend & down-trend, comparison
between SVM & LSTM output.
4.4. Block Diagram of the System.
Input to the system are date, symbol, close price, open price, high price, low price, previous close price.
SMA,EMA,MACD,RSI,SO,ADX,WPR,ROC,CCI,MOM are Stock Technical Indicators(STI’s) values are
calculated from input values.
Fig.2 Block Diagram of the System
Calculated STI values are send to Prediction Model of LSTM (Long Short Term Memory), SVM(Support Vector
Machine).
Output from Prediction model will be BUY/SELL Signals.
7. International Journal of Trend in Scientific Research and Development @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD53854 | Volume – 7 | Issue – 2 | March-April 2023 Page 1032
4.5. Flowchart:
Fig.3 Flowchart of Stock Market Prediction
System
4.6. System Requirements:
Hardware Software
Processor:
Pentium-i5
Operating System:Windows10
RAM: 4GB (min) Anaconda Navigator
Hard disk: 20GB Jupyter Notebook
Monitor: VGA
Python Programming.AI
Algorithm & Libraries,
Python Libraries.
5. Artificial Intelligence ALGORITHM
Support Vector Machine (SVM) and Long Short Term
Memory (LSTM) will be used for prediction. SVM is
a supervised machine learning algorithm and LSTM is
a deep learning algorithm.
5.1. Support vector machine(svm)
Support Vector Machine (SVM) is a supervised
machine learning algorithm which can be used for
both classification or regression challenges. However,
it is mostly used in classification problems. In the
SVM algorithm, we plot each data item as a point in
n-dimensional space (where n is number of features
you have) with the value of each feature being the
value of a particular coordinate. Then, we perform
classification by finding the hyper-plane that
differentiates the two classes very well.
Fig.4 Support Vector Machine
Support Vectors are simply the co-ordinates of
individual observation. The SVM classifier is a
frontier which best segregates the two classes (hyper-
plane/ line).
5.2. Long Short Term Memory(LSTM)
LSTM (Long short-termMemory) is a type of RNN
(Recurrent neural network), which is a famous deep
learning algorithm that is well suited for making
predictions and classification with a flavour of the
time. Unlike standard feed-forward neural networks,
LSTM has feedback connections.
Fig.5 Long short-term Memory(LSTM) Cell
A general LSTM unit is composed of a cell, an input
gate, an output gate, and a forget gate. The cell
remembers values over arbitrary time intervals, and
three gates regulate the flow of information into and
out of the cell. LSTM is well-suited to classify,
process, and predict the time series given of unknown
duration.
Conclusion
We studied the existing Stock Prediction System. To
predict and present Stock Prediction System we will
use Long Short Term Memory (LSTM), Support
Virtual Machine(SVM) AI models. The models
proposed in this Work will helps us to decide the stock
trends as well as decision of selling or buying the
stock. The proposed models thus decreasing the risk
while increasing there returns on investments.
8. International Journal of Trend in Scientific Research and Development @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD53854 | Volume – 7 | Issue – 2 | March-April 2023 Page 1033
References
[1] M. Nabipour, P. Nayyeri, H. Jabani, A. Mosavi,
E. Salwana and Shahab S. “Deep Learning for
Stock Market Prediction” Published in National
Center for Biotechnology Information Volume
22(8) 2020 Aug
[2] Can Yang, Junjie Zhai, and Guihua Tao “Deep
Learning for Price Movement Prediction Using
Convolutional Neural Network and Long Short-
Term Memory” Published in Hindawi
Publication Volume 2020, Article ID 274
[3] Manish Agrawal, Asif Ullah Khan and Piyush
Kumar Shukla “Stock Indices Price Prediction
Based on Technical Indicators using Deep
Learning Model” published in International
Journal on Emerging Technologies Volume
10(2) 2019.
[4] Dongdong Lv, Shuhan Yuan, Meizi Li and
Yang Xiang “An Empirical Study of Machine
Learning Algorithms for Stock Daily Trading
Strategy” Published in Hindawi Publication
Volume 2019, Article ID 7816154
[5] Hyun Sik Sim, Hae In Kim,and Jae Joon Ahn
“Is Deep Learning for Image Recognition
Applicable to Stock Market Prediction”
Published in Hindawi Publication Volume2019,
Article ID 4324878
[6] Mojtaba Nabipour, Pooyan Nayyeri, Hamed
Jabani, Shahab S., Amir Mosavi “Predicting
stock market trends using machine learning and
deep learning algorithms via continuous and
binary data; a comparative analysis on the
Tehran stock exchange” Published in IEEE
Volume 8 2017