ISSN: 2685-9572 Buletin Ilmiah Sarjana Teknik Elektro
PHUA: A Phone-handling User Algorithm Inspired by Human Mobile Usage Behavior for Global Optimization
Jincheng Zhang, Thada Jantakoon, Rukthin Laoha, Potsirin Limpinan
Faculty of Science and Technology, Rajabhat Maha Sarakham University, Maha Sarakham 44000, Thailand
ARTICLE INFORMATION | ABSTRACT | |
Article History: Received 01 May 2025 Revised 11 June 2025 Accepted 25 June 2025 | In this paper, we propose a new meta-heuristic algorithm, the Phone Operator User Algorithm (PHUA), based on the behavioral patterns of human mobile phone usage. The algorithm mimics the behavioral strategies that humans use to decide when and how to respond to mobile phone notifications. By simulating strategies such as perception triggering, priority evaluation, delayed response, mandatory inspection, do not disturb, and rest, the balance between exploration and exploitation in the global search process is optimized. We evaluate the performance of PHUA through several standard test function experiments and compare it with other classic optimization algorithms such as genetic algorithms, simulated annealing, and particle swarm optimization. Experimental results show that PHUA has good performance in solving multi-dimensional complex optimization problems. Compared with traditional algorithms, the PHUA algorithm converges faster, has stronger global search capabilities, and is better able to escape local optima. Standard benchmark functions such as Sphere, Rastrigin, and Rosenbrock were used in the experiment, and the performance was compared by indicators such as accuracy and convergence speed. Statistical significance tests (such as t-tests) confirmed the robustness and superiority of the results. The PHUA algorithm is particularly suitable for practical applications such as educational resource scheduling and adaptive learning optimization. Although the PHUA algorithm shows excellent performance, it also has limitations such as moderate computational cost and sensitivity to parameter settings. | |
Keywords: Metaheuristic Algorithm; Mobile Phone Usage Behavior; Global Optimization; Search Strategy; Exploration and Exploitation | ||
Corresponding Author: Jincheng Zhang, Faculty of Science and Technology, Rajabhat Maha Sarakham University, Maha Sarakham 44000, Thailand. Email: zjc1639834588@gmail.com | ||
This work is open access under a Creative Commons Attribution-Share Alike 4.0 | ||
Citation Document: J. Zhang, T. Jantakoon, R. Laoha, and P. Limpinan, “PHUA: A Phone-handling User Algorithm Inspired by Human Mobile Usage Behavior for Global Optimization,” Buletin Ilmiah Sarjana Teknik Elektro, vol. 7, no. 2, pp. 242-252, 2025, DOI: 10.12928/biste.v7i2.13407. | ||
Optimization problems have a wide range of applications in science, engineering, and artificial intelligence. With the advancement of technology, the scale and complexity of optimization problems are increasing. Especially in high-dimensional optimization problems, we often face the dilemma of local optimal solutions. This makes traditional optimization techniques such as gradient descent and Newton's method unable to effectively handle these complex optimization problems. Traditional methods usually rely on mathematical models to analyze or approximate problems, but when the problem dimension is high or the function form is very complex, these methods are prone to fall into local optimal solutions and cannot find global optimal solutions. Therefore, how to find optimization algorithms that can avoid local optimal solutions and effectively handle large-scale, high-dimensional problems has become an important topic in current optimization research [1]-[25].
In recent years, metaheuristic algorithms, as a new optimization method, have attracted more and more attention from researchers due to their powerful global search capabilities and flexible search mechanisms. Metaheuristic algorithms do not rely on specific mathematical models of the problem, but perform optimization searches by simulating specific behaviors or mechanisms of natural or social phenomena. For example, genetic algorithms simulate the process of natural selection and gene inheritance, particle swarm algorithms imitate the foraging behavior of bird flocks, and ant colony algorithms imitate the foraging process of ants. These algorithms have achieved remarkable success in many optimization problems, especially in high-dimensional complex problems, and can provide better solutions than traditional methods [26]-[51].
Although metaheuristic algorithms have shown powerful capabilities in many optimization problems, as the scale and complexity of the problem continue to grow, existing algorithms still have some shortcomings. For example, many algorithms are prone to fall into local optimality and the search space is very large, which makes the search inefficient. In order to improve the performance of these algorithms, many researchers continue to explore new methods to improve the global search ability and convergence speed of existing algorithms.
This study draws inspiration from people's mobile phone usage behavior in daily life and designs a new metaheuristic optimization algorithm-Mobile Phone User Behavior Algorithm (PHUA). We found that when faced with a large number of notifications in daily life, mobile phone users usually take flexible and intelligent ways to decide whether and when to deal with these notifications. This process is not a simple random selection, but an optimization decision made through a specific strategy. The policy takes into account many factors, including the importance and urgency of the notification and the current state of the user. We believe that this decision-making process is highly heuristic and can provide new ideas and methods for global optimization algorithms.
Specifically, the PHUA algorithm simulates the decision-making process of mobile phone users, deciding whether to process notifications according to different situations. This process not only considers the properties of the notification itself, but also the user's immediate needs and the influence of the external environment. By abstracting this decision-making process into a search strategy for optimization problems, the PHUA algorithm is able to find better solutions in complex search spaces. We believe that this heuristic strategy based on life behavior has unique advantages and can provide more effective solutions in many practical optimization problems.
The main contribution of this paper is the proposal of a new meta-heuristic algorithm, the Mobile User Behavior Algorithm (PHUA). Inspired by real human behavior, the algorithm not only combines different decision-making elements, but is also flexible enough to adapt to different types of optimization problems. In the next chapter, we will introduce the design principle, working mechanism and experimental results of the PHUA algorithm in detail, and compare it with several existing classic optimization algorithms to verify its performance and advantages in various optimization problems. Through these experiments, we hope to prove the superiority of the PHUA algorithm in global search ability and convergence speed, and provide new ideas and methods for future optimization algorithm research.
Despite the progress of metaheuristic algorithms such as genetic algorithms (GA) and particle swarm optimization (PSO), many algorithms still suffer from premature convergence, sensitivity to parameter settings, and difficulty escaping local optimality in high-dimensional space. These limitations motivate the need for a more adaptive and humane strategy. To address this problem, we propose PHUA (Phone Operated User Algorithm), which mimics the way humans handle mobile phone notifications to balance urgency and cognitive load. For example, the "delayed response" strategy in PHUA corresponds to an exploration enhancement mechanism that enables the algorithm to avoid premature convergence.
Human behavior when using mobile phones has certain regularities, including perception triggers, priority evaluation, delayed response, etc. By imitating these behaviors, we designed the PHUA algorithm to explore the solution space of the optimization problem.
The PHUA algorithm imitates the above behavior patterns and transforms the search for the solution space of the optimization problem into the process of humans handling mobile phone notifications. The specific steps are as follows:
Initialization:
Notification trigger mechanism (simulating perceptual triggers):
Delayed response mechanism (simulating delayed behavior):
Do not disturb/break time:
Compulsive scanning behavior:
Stop condition:
The PHUA algorithm can play a role in many aspects of education. Here are some potential use cases:
Personalized learning path optimization: According to the learning progress and interests of students, PHUA dynamically adjusts the learning path so that students can learn the content in the order that best suits them.
Learning community management: In the learning community, PHUA optimizes the interaction and feedback mechanism by simulating students' attention to questions and resources, and improves learning communication effectiveness.
The pseudo code of PHUA (Population-based Hybrid Update Algorithm) is as Figure 1.
Figure 1. PHUA (Population-based Hybrid Update Algorithm) flowchart
To evaluate the performance of the PHUA algorithm, we selected several standard test functions, such as Sphere, Rastrigin, Ackley, Griewank, and Rosenbrock functions. 50 experiments were conducted for each function and compared with Genetic Algorithm (GA), Simulated Annealing (SA), and Particle Swarm Optimization (PSO). The evaluation indicators of the experiment include the best average, standard deviation, minimum, and maximum values.
In this study, the researchers used the following Python code to conduct experiments:
import numpy as np import matplotlib.pyplot as plt import pandas as pd import os import glob # 📌 Benchmark function definitions def sphere(x): return np.sum(x ** 2) def rastrigin(x): A = 10 return A * len(x) + np.sum(x ** 2 - A * np.cos(2 * np.pi * x)) def ackley(x): A = 20 B = 0.2 C = 2 * np.pi n = len(x) term1 = -A * np.exp(-B * np.sqrt(np.sum(x ** 2) / n)) term2 = -np.exp(np.sum(np.cos(C * x)) / n) return term1 + term2 + A + np.exp(1) def griewank(x): sum_term = np.sum(x ** 2) / 4000 prod_term = np.prod(np.cos(x / np.sqrt(np.arange(1, len(x) + 1)))) return sum_term - prod_term + 1 def rosenbrock(x): return np.sum(100.0 * (x[1:] - x[:-1] ** 2) ** 2 + (1 - x[:-1]) ** 2) # 📌 Algorithm classes (PHUA, GA, SA, PSO) are assumed to be defined elsewhere and remain unchanged. # 🔁 Experiment runner: execute multiple times and save results def run_and_save_experiments(func, func_name, repeat=50, save_dir='experiment_results'): dim = 30 bounds = (-5.12, 5.12) max_iter = 300 if not os.path.exists(save_dir): os.makedirs(save_dir) algorithms = { "PHUA": PHUA(func, dim, bounds, max_iter=max_iter), "GA": GA(func, dim, bounds, max_iter=max_iter), "SA": SA(func, dim, bounds, max_iter=max_iter), "PSO": PSO(func, dim, bounds, max_iter=max_iter), } all_summary = [] for name in algorithms: best_vals = [] all_histories = [] print(f"Running {name} for {repeat} times on {func_name}...") for run in range(repeat): algo = algorithms[name].__class__(func, dim, bounds, max_iter=max_iter) # Re-initialize best, best_val, hist = algo.optimize() best_vals.append(best_val) all_histories.append(hist) # Save detailed convergence history for each run hist_df = pd.DataFrame({'Iteration': list(range(len(hist))), 'BestFitness': hist}) hist_df.to_csv(f"{save_dir}/{func_name}_{name}_run{run+1}.csv", index=False) # Summary statistics summary = { "Algorithm": name, "BestMean": np.mean(best_vals), "BestStd": np.std(best_vals), "BestMin": np.min(best_vals), "BestMax": np.max(best_vals) } all_summary.append(summary) # Save overall summary summary_df = pd.DataFrame(all_summary) summary_df.to_csv(f"{save_dir}/{func_name}_summary_results.csv", index=False) print(f"\n✅ All results saved to: {os.path.abspath(save_dir)}") print(summary_df) # 📌 Plot convergence curves def plot_convergence_curves(func_name, save_dir='experiment_results'): plt.figure(figsize=(10, 6))
for algo in ['PHUA', 'GA', 'SA', 'PSO']: all_files = glob.glob(f"{save_dir}/{func_name}_{algo}_run*.csv") all_histories = [pd.read_csv(f)["BestFitness"].values for f in all_files] min_len = min(map(len, all_histories)) all_histories = [h[:min_len] for h in all_histories] mean_curve = np.mean(all_histories, axis=0) plt.plot(mean_curve, label=algo) plt.xlabel("Iteration") plt.ylabel("Best Fitness") plt.title(f"Average Convergence Curves for {func_name}") plt.legend() plt.grid(True) plt.tight_layout() plt.savefig(f"{save_dir}/{func_name}_convergence_plot.png") plt.show() # 📌 Test all benchmark functions with 50 repetitions def test_all_functions(): functions = { "Sphere": sphere, "Rastrigin": rastrigin, "Ackley": ackley, "Griewank": griewank, "Rosenbrock": rosenbrock } for func_name, func in functions.items(): run_and_save_experiments(func, func_name, repeat=50) plot_convergence_curves(func_name) # Run tests test_all_functions() |
For the Sphere, Rastrigin, Ackley, Griewank, and Rosenbrock test functions, the PHUA algorithm performed well. The specific results are as follows:
Sphere function:
Rastrigin function:
Ackley's characteristics:
Grewank's characteristics:
Rosenbrock function:
PHUA (Phone Handling User Algorithm) shows many advantages in the above experiments, especially when compared with other optimization algorithms such as genetic algorithm GA, simulated annealing SA and particle swarm optimization PSO. The following is a detailed analysis of the benefits of PHUA.
In summary, the main advantages of PHUA are stability, strong global search capabilities, and low variability of results, which enable it to perform well in various optimization problems. Compared with other optimization algorithms, it can provide more reliable and consistent optimization results.
The design of the PHUA algorithm is inspired by human behavior when using mobile phones, especially how mobile phone users deal with a large number of notifications. We know that when dealing with notifications, mobile phone users usually decide whether, when, and how to deal with notifications based on the priority, urgency, and current status of the notification. This process can be considered as a classic exploration and exploitation balance problem. This means that among multiple notifications, users must decide the best response strategy based on the current information. This behavior pattern is not only applicable to the daily decision-making of mobile phone users, but also provides effective inspiration for global optimization problems.
Using the PHUA algorithm framework, we simulated different decision-making strategies of human mobile phone users, including "trigger notification", "priority evaluation", and "delayed response". Specifically, the PHUA algorithm is able to perform efficient global search in a complex solution space by simulating these strategies. First, the notification trigger mechanism is similar to the initiation of the algorithm's internal solution space search. Once the algorithm is initialized, all potential solutions can be "triggered" for evaluation. Then, the priority evaluation mechanism ranks the solutions and determines which solutions need further investigation and optimization. Finally, the delayed response mechanism simulates the behavior of mobile phone users delaying response to certain notifications when they are busy. This is similar to the situation in which the algorithm must wait or postpone further optimization of a specific solution in some cases. This flexible combination of strategies allows the PHUA algorithm to avoid falling into local optimality when dealing with complex, high-dimensional optimization problems, and increases the possibility of finding the global optimality.
Although the PHUA algorithm performs well on some standard test features, we believe that there is still room for improvement in the PHUA algorithm. In particular, for different types of optimization problems, how to customize the algorithm strategy to adapt to different solution space structures and search requirements is still a problem worthy of detailed study. For example, the current PHUA algorithm may not be able to fully balance the "cooling period" and "forced check" mechanisms when dealing with certain high-dimensional optimization problems. The "cooling period" is similar to the annealing process in the simulated annealing algorithm, allowing you to control the balance between "exploration" and "exploitation" during the search process. On the other hand, the "forced check" mechanism forces the algorithm to periodically re-evaluate the quality of the selected solution to prevent the search from falling into the local optimality. But more experiments and tuning are needed to dynamically adjust the relationship between the two to adapt to the characteristics of different optimization problems.
In addition, the parameter settings of the PHUA algorithm also have an important impact on its performance. How to adjust the algorithm parameters through adaptive mechanisms or design more intelligent parameter optimization strategies is another direction for future research. By introducing a more dynamic adjustment mechanism, the PHUA algorithm is expected to demonstrate its advantages in a wider range of application scenarios, especially in optimization problems with high complexity and structural nonlinearity.
In summary, the performance of the PHUA algorithm on many standard test functions proves its effectiveness as a metaheuristic algorithm, but its performance on different types of optimization problems needs to be further improved. Future research will focus on optimizing the parameter settings of the PHUA algorithm, exploring more flexible strategy adjustment mechanisms, and trying to apply it to more practical optimization problems to further improve its performance in complex environments.
This paper proposes a new metaheuristic algorithm, the Phone User Behavior Algorithm (PHUA), which designs new optimization strategies by simulating the behavior patterns of humans when using mobile phones. By imitating decision mechanisms such as "notification triggering", "priority evaluation", and "delayed response", the PHUA algorithm can perform efficient global search in complex solution spaces. Experimental results show that the performance of PHUA on several standard test functions is better than or equivalent to other traditional optimization algorithms, proving its great potential as a metaheuristic algorithm.
Although the PHUA algorithm has shown good performance in the experiment, there is still room for optimization in some specific problems, especially in terms of strategy adjustment and parameter optimization. Future research will be devoted to further optimizing the parameter settings of the PHUA algorithm and designing more intelligent adaptive mechanisms to deal with different types of optimization problems. At the same time, the PHUA algorithm will be applied to more practical optimization problems and verified to explore its performance in different complex environments. Through these efforts, we hope that the PHUA algorithm can provide new ideas and solutions for the field of optimization and become a powerful tool for solving complex engineering and scientific problems.
In addition, the novel PHUA algorithm shows strong adaptability and stability in various optimization tasks, making it suitable for practical applications such as resource allocation, path optimization, and scheduling in dynamic environments such as intelligent education systems and logistics. However, the current lack of an automatic parameter adjustment mechanism limits its efficiency in highly nonlinear or high-dimensional problems, which will be the focus of future research. The PHUA algorithm is able to simulate human decision-making behavior, which is consistent with the current development trend of behavioral heuristic metaheuristic algorithms, indicating that it has broad prospects for further development and integration with machine learning techniques to improve optimization performance and robustness.
REFERENCES
AUTHOR BIOGRAPHY
Jincheng Zhang is a master student at Rajabhat Maha Sarakham University, Thailand. His research interests include deep learning, metaheuristic algorithms, etc. Google Scholar: https://scholar.google.co.id/citations?user=e-X0gEcAAAAJ&hl=en |
Thada Jantakoon is an assistant professor at Rajabhat Maha Sarakham University. Google Scholar: https://scholar.google.com/citations?user=DYqyclwAAAAJ&hl=en |
Rukthin Laoha is an assistant professor at Rajabhat Maha Sarakham University. Google Scholar: https://scholar.google.com/citations?user=5fiBvhMAAAAJ&hl=en |
Potsirin Limpinan is an assistant professor at Rajabhat Maha Sarakham University. Google Scholar: https://scholar.google.com/citations?user=DfXJGBAAAAAJ&hl=en |
PHUA: A Phone-handling User Algorithm Inspired by Human Mobile Usage Behavior for Global Optimization (Jincheng Zhang)