Trustworthy Conceptual Explanations for
Neural Networks in Robot Decision-Making
Abstract
Black box neural networks are an indispensable part of modern robots. Nevertheless, deploying such high-stakes systems in real-world scenarios poses significant challenges when the stakeholders, such as engineers and legislative bodies, lack insights into the neural networks’ decision-making process. Presently, explainable AI is primarily tailored to natural language processing and computer vision, falling short in two critical aspects when applied in robots: grounding in decision-making tasks and the ability to assess trustworthiness of their explanations. In this paper, we introduce a trustworthy explainable robotics technique based on human-interpretable, high-level concepts that attribute to the decisions made by the neural network. Our proposed technique provides explanations with associated uncertainty scores by matching neural network’s activations with human-interpretable visualizations. To validate our approach, we conducted a series of experiments with various simulated and real-world robot decision-making models, demonstrating the effectiveness of the proposed approach as a post-hoc, human-friendly robot learning diagnostic tool. Code: https://github.com/aditya-taparia/BaTCAVe
I INTRODUCTION
A significant number of models in robotics research are now equipped with deep neural networks (DNNs), with an increasing trend towards end-to-end models [1, 2]. Nevertheless, only a few DNNs are deployed in real-world robots, and those that are deployed mostly focus on tasks such as object detection rather than decision-making or control. This hesitation to use DNNs in real robots is partly due to the high-stakes nature of robot decision-making, where it is unsafe to deploy systems without a clear understanding of their inner workings. Although we do not understand these black-box DNNs, we cannot simply discard them due to their remarkable performance in certain test cases. Hence, we advocate for developing new methods to explain how they work. To this end, instead of focusing on inherently interpretable white-box or gray-box models, this paper focuses on explaining black-box neural networks in robots post-hoc.
While there are many post-hoc explainable techniques proposed by the machine learning community [3, 4, 5], most do not focus on decision-making of a robot or a physical system. For robot decision-making, we want to explain how certain aspects of the input contribute to a particular action or a set of actions. Such explanations help engineers with debugging and legislative bodies with certifying these models. Therefore, to make explanations human-centric, we consider concepts—defined as high-level attributes that help humans understand these black boxes [6]. As an example, the concept of stripes explains why a DNN would classify an image as a zebra. Concepts do not necessarily need to be pixel-level geometric patterns, as in feature attribution methods [3, 7, 4, 8, 5]. For instance, in our experiments, we will show how the concept of darkness of an object can be used to explain collision avoidance decisions of a mobile robot.
If an explainable AI technique provides an explanation about why a robot learning algorithm took a particular decision, why should human trust that explanation? Not only some explanations can be wrong but also there can be multiple explanations for the same decision. Since improving the trustworthiness of a robot explainer is crucial, we propose a method named, Bayesian Testing with Concept Activation Vectors (BaTCAVe), that assigns a score and an associated uncertainty for concepts of interest. The score indicates how well the concept explains the decision and the uncertainty indicates how much to trust the concept. To obtain these scores, we consider a posterior distribution over concept activation vectors, which, due to the non-exponential-family likelihood, is approximated using variational inference. Contributions of the paper are as follows:
-
1.
Proposing a post-hoc explainable decision-making technique for robots equipped with DNNs.
-
2.
Proposing a theoretical framework to evaluate the trustworthiness of explanations.
-
3.
Discovering explainable concepts for diverse robotics decision-making tasks.
Given that failures are inevitable despite efforts to create robust models [9], we believe our work in developing explainability tools will assist roboticists in iteratively improving models to enhance their robustness and safety.
II RELATED WORK
Explainability in robotics: Since robotics is a high-stakes task with many modules that interact with each other, the majority of real-world robots are designed to be interpretable by construction. For instance, they are typically equipped with white-box planning [10] and control [11] algorithms. Even when models are data-driven, they tend to be constructed as gray-boxes—parameters of an inherently interpretable model are estimated using data [12, 13, 14]. As an example, by using a decision tree as the policy, a reinforcement learning algorithm can be made interpretable [12]. Unlike these methods, our focus is developing techniques to probe and explain inherently black-box neural networks in robot decision-making, whether they are used in a modular or an end-to-end fashion. Another line of research has explored explainability of robots for their everyday human users [15, 16]. In contrast, our focus is on engineers and legislators who aim to audit robot learning models and require distinct, actionable explanations.
Explainable AI: Unlike inherently interpretable models, the goal of explainable AI (XAI) is to develop methods for explaining black-box models. XAI techniques focus on how to extract explanations as well as how to represent them. Some techniques achieve explainability by testing input components through perturbations [4] or component removal [7], while others use local approximations of the global decision boundary [7]. XAI methods may leverage gradients [5], weights [17], or layer-wide insights [6] to generate explanations. These explanations can be represented by highlighting specific parts of an image [5], assigning importance scores to an image segment or pixel clusters [3, 7], or by analyzing representative samples [18, 6]. In robot decision-making, highlighting certain parts of an image is not useful as it does not truly explain what aspects of the highlighted pixels is indeed important. For instance, if the XAI technique highlights a car, is it the model or the color that is important? Also, XAI methods typically do not provide uncertainty about their explanations, making them difficult to trust in high-stakes applications such as robotics. Considering the importance of trustworthiness in explanations for robots [19], our approach not only provides explanations but also quantifies their uncertainty.
Concepts: In machine learning, concepts are defined as human-interpretable, high-level attributes. For instance, the concept of stripes is important for a classifier to identify a zebra [6, 20]. While concept-based explanations have been applied in domains such as biomedical imaging [21], they are still applied to typical discrete image classification settings. In this paper, we propose a method to provide explanations for decisions and control commands using concepts. While a recent work discusses continuous explanations [22], it focuses on non-binary concepts rather than non-binary outputs, which are what matters in robot control. We apply the method we propose for decision networks, behavioral cloning, and deep reinforcement learning. Further, our method can provide epistemic uncertainty [23] of explanations, indicating how trustworthy an explanation is.
III METHOD
Similar inputs to a neural network result in similar activation patterns at a given layer. By projecting these activations into a human understandable representation, humans can explain how the neural networks work in certain aspects. To make such a projection, concept activation vectors (CAVs) can be used. They measure how sensitive a classifier’s output is to some activations in the direction of a concept of interest [6]. For instance, if the classification of a zebra image is more sensitive to some images of stripes than images of dots (i.e., the direction), then stripes play a more significant role in classifying a zebra. However, this classical notion in computer vision cannot be used in robotic decision-making for several reasons. First, robot actions can contain continuous control signals, for which CAVs are not defined. Second, they do not provide uncertainty estimates of explanations. Since an explainer will always provide an explanation, we do not know whether to trust them or not without uncertainty. To resolve the first issue, we redefine the concept for robotics in the form of input concepts and action concepts, which are subsequently used to resolve the later issue using Bayesian inference, through which we can estimate the uncertainty of the explanations. As illustrated in Fig. 1, we propose a method that assigns a metric to assess how well a given concept explains robot’s decisions. This metric also comes with an estimation of epistemic uncertainty of the explanation. We propose the following definitions before presenting the method.
Action Concepts: Defining action concepts helps us target specific robot behavior for which we seek explanations. Consider a pre-trained neural network model, , that provides outputs, , with , for an input . An action concept, , is a set of conditions that defines a subset of the output space a user is interested in analyzing. Formally, for under logical operations, , such as conjunction (), disjunction (), and negation (). In a manipulation example, a user might be interested in analyzing the behavior, where the end effector moves down-right while the gripper is open. In such a case, by overloading the notation to represent the cardinal direction in the robot’s physical space and opened gripper distance, , the action concepts can be defined as . Action concepts help us isolate the decisions or behaviors that we are interested in explaining.
Input Concepts: An input concept is a high-level, human interpretable attribute of robot inputs that the user believes is important to explain an action concept. These can be textures, colors, sizes, distances, directions, shapes, objects, etc. Input concepts can be defined based on engineers’ intuition, prior knowledge, or the test cases an engineer or a legislative body is interested in. Additionally, since input concepts can be automatically extracted [20, 24, 25, 26] or generated [26] based on inputs, we consider concept discovery as out-of-scope for this paper. While action concepts are defined as rules, an input concept, , is defined by a collection of representative inputs, . For instance, images of stripes can be used to explain why an autonomous vehicle slowed down near a crosswalk. Activations at any layer can be computed by passing through the neural network.
III-A Bayesian Testing with CAVs (BaTCAVe)
Given a collection of input concepts for an action concept, we now derive a score to measure how well each input concept explains the action concept. If an autonomous vehicle inadvertently failed to yield to another vehicle (i.e., action concept), we can test whether the color or the type of the other vehicle (i.e., input concepts) influenced the decision. To formally define the score, let us decompose the neural network into two segments, and , with one following the other, at the layer as, for input . In other words, are the activations of a DNN at the layer, which are then fed to the rest of the network, , to obtain the output, .
Since our objective is to build a relationship between the activations and human understandable concept inputs for some behaviors (i.e., action concepts), as shown in the plot of Fig. 1, we work in the space of activations (i.e., the space of ). The dimensionality of the activation space is equal to the number of nodes in the layer. We can obtain the sensitivity of neural network decisions, conditioned by , w.r.t. layer activations as . If we want to measure this sensitivity along a particular direction in the activation space, we have to compute the directional derivative. If this direction is a random variable, , with its realizations, , is given by the stochastic directional derivative,
(1) |
If we build a relationships between and , we measure the sensitivity of the neural network decisions to human understandable input concepts. Since is a random variable, it tells us about the uncertainty of this relationship. To build this relationship, let us estimate using an external dataset containing inputs from . To this end, similar to [6], we collect a concept dataset: with input concepts and a different set of inputs with the positive and negative classes labelled as and , respectively. The negative input concept, , can be just another concept or a random collection of inputs, depending on what the user is interested in comparing. How these sets are selected will be described in the Experiments section. See Fig. . 1 for an illustration.
By computing and , we obtain the activation values of the concept dataset. If we can obtain a linear separation between the two classes, then the concept is more unique in the activation space. However, as we will discuss in Section III-B, separation in a high dimensional activation is subjected to uncertainty, we consider a a probabilistic linear separation (i.e., we can draw many separation lines with different probabilities). By setting this probabilistic linear separation the same as , we obtain the relationship between and . To estimate the vector distribution, , that separates the two classes in the activation space, we apply the Bayes theorem,
(2) |
Given the positive and negative labels, the likelihood follows a Bernoulli distribution, . The prior weight distribution is considered to follow a normal distribution, . However, because of the non-conjugate prior, the posterior distribution is not tractable [23, 27]. Hence, we resort to approximate Bayesian inference. Because the activation space of the neural network can be high dimensional, rather than using an MCMC technique, we use variational inference, where we minimize the KL divergence between the true posterior and an approximate posterior distribution, . However, since the true posterior is not known, instead of minimizing the KL divergence, we maximize an evidence lower bound (ELBO),
(3) |
Following the locally linear approximation of the posterior in [28], we learn in an expectation-maximization-style.
On a collection of test inputs, , with relation to (1, we can now compute a score, ,
(4) |
This score itself is a distribution. If we obtain samples from , each of them is a valid explanation. Since some samples are more probable than others, those with high probability are more likely concepts that explanations the decisions. The empirical mean and standard deviation of the score can be estimated easily. The mean score is given by,
(5) |
where are samples taken from . The higher the score, the better the concept explains the test inputs . Similarly, the empirical standard deviation reflects the epistemic nature [23] of explanations—how much the model knows that its explanation can be wrong.
III-B Interpreting the Trustworthiness of Explanations
To assess the trustworthiness of explanations, relying on 1) the held-out test accuracy from eq. (2) and 2) the epistemic uncertainty of the score in eq. (4), we consider (Fig. 2):
Case 1 (Off-base explanations): If the accuracy is low, the concepts are not good enough to delineate the CAVs, resulting in an inaccurate explanation. Formally, in such cases, , where the distributions are defined as and for the positive and negative classes, respectively. Such explanations should not be trusted.
Case 2 (Imprecise explanations): If the accuracy is high but the uncertainty is also high, multiple explanations are possible. This can be due to, 1) the two supposedly opposite concepts are not sufficiently different enough to be delineated with a low uncertainty (i.e., some conflicting information) or, most likely, 2) the test samples lack diversity in the activation space. Unfortunately, Bayesian inference cannot differentiate lack of information from conflicting information [29].
Case 3 (Precise explanations): If the accuracy is high and the uncertainty is low, then the concepts we have chosen are good and the explainer is able to provide consistently good explanations. These explanations are highly trustworthy.
The thresholds for probability should be decided by the practitioners depending on how much risk they are willing to take. For instance, if an engineer is using BaTCAVe to debug a manipulator used in an assembly line, the threshould can be selected leniently as the stakes might be relatively low. In such cases, we can obtain more valid explanations. In contrast, if a legislative body is using BaTCAVe to approve a new autonomous vehicle, then the thresholds should be strict. If case 1 violates, we should try new concepts to obtain a better accuracy. If case 2 violates, we can still use explanations but they might not always be the best explanations. By obtaining the mean score, we can obtain an average explanation.
IV Experiments
We consider three types of algorithms for learning robot decision-making: binary supervised learning, behavioral cloning (BC), and proximal policy optimization (PPO). The experimental setup (also aailable on Github), results, and findings are detailed below.
IV-A Experiment 1: Mobile Robot Navigation Using Vision
Setup: We used a JetBot with a NVIDIA Jetson Nano (Fig 3a). It uses a pretrained AlexNet [30] with the last layer replaced with two nodes. Using 175 “obstacle” and 175 “free” images, we fine-tune the DNN so that the robot can learn to avoid obstacles. We analyze how the decision of the network is affected by different data pre-processing and fine-tuning techniques for and .
Results: With the objective of avoiding orange obstacles, we fine-tuned the full DNN with images of an orange box, shown in Fig. 3a, until we achieve a validation accuracy of 100%. We surveyed 20 engineering students who have at least 1 year of experience training DNNs to get their opinion on what the DNN has learned just by reading our description. We described them the architecture and showed fine-tuning images without telling them that our objective is avoiding orange obstacles. First, we asked them to describe what attributes the DNN should have learned and then we gave them a list of potential concepts to narrow down their choices. Many human speculated that the model will be fined-tuned to distinguish orange from the rest.
In contract, showcasing the BaTCAVe’s ability to provide true explanations that engineers might not even think of, as shown in Fig. 4(a), BaTCAVe revealed that the model has learned to distinguish dark from light objects (or the value or brightness in HSV scale). The orange box is merely a shade of the broader “dark” concept. Similar to C-deletion in XAI literature [20, 24, 25], we verified that the darkness is an important concept by gradually varying the brightness of the orange object, as shown in Fig. 4(d). Additionally, based on Fig. 4, BaTCAVe made the following explanations:
-
•
The score is proportional to the concept of “distance between the robot and obstacle,” verifying that the DNN has learned the distance.
-
•
When the final layer is fine-tuned (LFT) instead of the full DNN (FFT), the prominence of the orange concept becomes higher compared to the dark concept, which is what we originally intended, demonstrating how engineers can use concepts to debug robots.
-
•
As shown in Fig 4(b), the importance of the dark concept remains consistent across different data augmentation methods—adding color jitter (CJ) and/or image rotation (R)—for LFT while it varies for FFT.
Since XAI methods are hard to quantitatively benchmark, similar to other work, Fig. 4(c) qualitatively compares why BaTCAVe is a better choice than feature attribution methods for robot learning.
IV-B Experiment 2: Lift Cube, Pick & Place, and Nut Assembly with Proprioceptive Sensors
Task | Action Concept | object | eef_pos | eef_quat | gripper |
---|---|---|---|---|---|
Lift Cube | X | ||||
Z | |||||
Pick & place | X | ||||
Z | |||||
Nut Assembly | X | ||||
Y |
Setup: We use a Panda, a 6-DOF robotic arm with a gripper, to complete the three tasks shown in Fig 3(b,c,d) on RoboSuite [31]. The setup includes various proprioceptive sensors to monitor the arm’s movements and positions. By using the DNN shown in Fig 5 and the train using the ph low dim dataset from robomimic [32], we developed an agent based on behavioral cloning [32]. Robot’s actions are differences. Our objective is to explain which concepts of the inputs, ={object, EEF position measurement, EEF quaternion measurement,gripper open width}, is responsible when the robot is taking a set of actions defined by .
Results: We obtain notably high BaTCAVe score with a low uncertainty, corroborating that accurate object information from proprioceptive sensors, unlike in vision-based settings, helps with precisely performing the task. Table I shows sample scores of ’s tested across different ’s. Further, an analysis of per time step explanations for the lifting cube task, depicted in Fig 5b, explains that only the object pose and EEF position measurements matters when the EEF is moving down.
IV-C Experiment 3: Lift Cube with Vision-Language Inputs
Setup: This experiment replicates the setup and conditions of Experiment IV-B, but proprioceptive sensors are replaced by a camera and the object information is not given to the model. The architecture is shown in Fig 6.
Results: We evaluated =(images={cube, gripper, table}, language={proper language commands, gibberish, verbs}). Interestingly, language concepts reveals that the verb in the sentence matters more than the rest of the sentence at the time it lifts the object.
IV-D Experiment 4: Autonomous Driving with Vision
Setup: To simulate autonomous driving, we trained an end-to-end deep reinforcement learning policy using proximal policy optimization (PPO) [33] to steer and throttle a vehicle on Donkey Simulator. The network is a CNN followed by an MLP, trained end-to-end.
Results: We analyzed how various input concepts affect steering decisions (). Fig. 8 shows how the input concept of “black shades,” which correlates with roads, explains steering decisions. Around , the car points out of the road, and when it steers back we observe that its BaTCAVe for “black shades” increases around , indicating that it was able to recover by focusing on the road. To improve the policy, it is important to identify what part of the neural network learns incorrect information. By applying BaTCAVe on the last CNN layer () and last MLP layer (), we found that errors do not originate in the CNN, which implicitly acts as an image encoder. Therefore, instead of improving the encoder, the policy needs to be trained more.
BaTCAVe ratio |
---|
Black/ Orange = 1.05 |
Black / Green = 1.03 |
Green / Orange = 2.41 |
Random / Cones = 1.93 |
V Limitations
We cannot provide formal guarantees that BaTCAVe will surely explain because the quality of explanations depends on the concepts we decide to test. We plan to develop automatic concept discovery methods [20, 26] tailored to robotics. Further, certain concepts are difficult to test. For instance, if we test the concept of “farther away cones” in experiment 4, the activation strength is not strong enough as only a few pixels contain the signal.
VI Conclusion
We proposed a task-agnostic explainable robotics technique. We demonstrated how our method can be used to explain various robot behaviors across a variety of domains with different decision networks. The actionable insights provided by BaTCAVe helps engineers identify vulnerabilities of various components of robot training—data augmentation, fine-tuning, domain-shift analysis, verification, etc. We showed how uncertainty that BatCAVe provides helps with trusting explanations. Future work will focus on developing concept dictionaries for different robotic tasks.
References
- [1] A. Padalkar, A. Pooley, A. Jain, A. Bewley, A. Herzog, A. Irpan, A. Khazatsky, A. Rai, A. Singh, A. Brohan et al., “Open x-embodiment: Robotic learning datasets and rt-x models,” arXiv preprint arXiv:2310.08864, 2023.
- [2] M. J. Kim, K. Pertsch, S. Karamcheti, T. Xiao, A. Balakrishna, S. Nair, R. Rafailov, E. Foster, G. Lam, P. Sanketi et al., “Openvla: An open-source vision-language-action model,” arXiv preprint arXiv:2406.09246, 2024.
- [3] M. T. Ribeiro, S. Singh, and C. Guestrin, “” why should i trust you?” explaining the predictions of any classifier,” in Proceedings of the 22nd ACM SIGKDD international conference on knowledge discovery and data mining, 2016, pp. 1135–1144.
- [4] M. Sundararajan, A. Taly, and Q. Yan, “Axiomatic attribution for deep networks,” in International conference on machine learning. PMLR, 2017, pp. 3319–3328.
- [5] R. R. Selvaraju, M. Cogswell, A. Das, R. Vedantam, D. Parikh, and D. Batra, “Grad-cam: Visual explanations from deep networks via gradient-based localization,” in Proceedings of the IEEE international conference on computer vision, 2017, pp. 618–626.
- [6] B. Kim, M. Wattenberg, J. Gilmer, C. Cai, J. Wexler, F. Viegas et al., “Interpretability beyond feature attribution: Quantitative testing with concept activation vectors (tcav),” in International conference on machine learning. PMLR, 2018, pp. 2668–2677.
- [7] S. M. Lundberg and S.-I. Lee, “A unified approach to interpreting model predictions,” in Advances in Neural Information Processing Systems 30, I. Guyon, U. V. Luxburg, S. Bengio, H. Wallach, R. Fergus, S. Vishwanathan, and R. Garnett, Eds. Curran Associates, Inc., 2017, pp. 4765–4774.
- [8] M. T. Ribeiro, S. Singh, and C. Guestrin, “Anchors: High-precision model-agnostic explanations,” in Proceedings of the AAAI conference on artificial intelligence, vol. 32, no. 1, 2018.
- [9] S. Sagar, A. Taparia, and R. Senanayake, “Failures are fated, but can be faded: Characterizing and mitigating unwanted behaviors in large-scale vision and language models,” in Proceedings of the International Conference on Machine Learning (ICML), 2024.
- [10] M. Fox, D. Long, and D. Magazzeni, “Explainable planning,” arXiv preprint arXiv:1709.10256, 2017.
- [11] D. Bertsekas, Reinforcement learning and optimal control. Athena Scientific, 2019, vol. 1.
- [12] S. Milani, Z. Zhang, N. Topin, Z. R. Shi, C. Kamhoua, E. E. Papalexakis, and F. Fang, “Interpretable multi-agent reinforcement learning with decision-tree policies,” in Explainable Agency in Artificial Intelligence. CRC Press, 2024, pp. 86–120.
- [13] S. Milani, N. Topin, M. Veloso, and F. Fang, “A survey of explainable reinforcement learning,” arXiv preprint arXiv:2202.08434, 2022.
- [14] R. P. Bhattacharyya, R. Senanayake, K. Brown, and M. J. Kochenderfer, “Online parameter estimation for human driver behavior prediction,” in 2020 American Control Conference (ACC). IEEE, 2020, pp. 301–306.
- [15] A. Silva, P. Tambwekar, M. Schrum, and M. Gombolay, “Towards balancing preference and performance through adaptive personalized explainability,” in Proceedings of the 2024 ACM/IEEE International Conference on Human-Robot Interaction, ser. HRI ’24. New York, NY, USA: Association for Computing Machinery, 2024, p. 658–668.
- [16] D. Das, S. Banerjee, and S. Chernova, “Explainable ai for robot failures: Generating explanations that improve user assistance in fault recovery,” in Proceedings of the 2021 ACM/IEEE international conference on human-robot interaction, 2021, pp. 351–360.
- [17] D. Bau, B. Zhou, A. Khosla, A. Oliva, and A. Torralba, “Network dissection: Quantifying interpretability of deep visual representations,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2017, pp. 6541–6549.
- [18] P. W. Koh and P. Liang, “Understanding black-box predictions via influence functions,” in International conference on machine learning. PMLR, 2017, pp. 1885–1894.
- [19] L. Sanneman and J. A. Shah, “Trust considerations for explainable robots: A human factors perspective,” arXiv preprint arXiv:2005.05940, 2020.
- [20] A. Ghorbani, J. Wexler, J. Y. Zou, and B. Kim, “Towards automatic concept-based explanations,” Advances in neural information processing systems, vol. 32, 2019.
- [21] P. W. Koh, T. Nguyen, Y. S. Tang, S. Mussmann, E. Pierson, B. Kim, and P. Liang, “Concept bottleneck models,” in International conference on machine learning. PMLR, 2020, pp. 5338–5348.
- [22] M. Graziani, V. Andrearczyk, and H. Müller, “Regression concept vectors for bidirectional explanations in histopathology,” in Understanding and Interpreting Machine Learning in Medical Image Computing Applications: First International Workshops, MLCN 2018, DLF 2018, and iMIMIC 2018, Held in Conjunction with MICCAI 2018, Granada, Spain, September 16-20, 2018, Proceedings 1. Springer, 2018, pp. 124–132.
- [23] R. Senanayake, “The role of predictive uncertainty and diversity in embodied ai and robot learning,” in arXiv preprint arXiv:2405.03164, 2024.
- [24] T. Fel, A. Picard, L. Bethune, T. Boissin, D. Vigouroux, J. Colin, R. Cadène, and T. Serre, “Craft: Concept recursive activation factorization for explainability,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2023, pp. 2711–2721.
- [25] T. Fel, V. Boutin, L. Béthune, R. Cadène, M. Moayeri, L. Andéol, M. Chalvidal, and T. Serre, “A holistic approach to unifying automatic concept extraction and concept importance estimation,” Advances in Neural Information Processing Systems, vol. 36, 2024.
- [26] A. Taparia, S. Sagar, and R. Senanayake, “Explainable concept generation through vision-language preference learning,” 2024.
- [27] C. M. Bishop and N. M. Nasrabadi, Pattern recognition and machine learning. Springer, 2006, vol. 4, no. 4.
- [28] T. S. Jaakkola and M. I. Jordan, “A variational approach to Bayesian logistic regression models and their extensions,” in Proceedings of the Sixth International Workshop on Artificial Intelligence and Statistics, ser. Proceedings of Machine Learning Research, D. Madigan and P. Smyth, Eds., vol. R1. PMLR, 04–07 Jan 1997, pp. 283–294.
- [29] G. J. Klir and A. Ramer, “Uncertainty in the dempster-shafer theory: a critical re-examination,” International Journal of General System, vol. 18, no. 2, pp. 155–166, 1990.
- [30] A. Krizhevsky, I. Sutskever, and G. E. Hinton, “Imagenet classification with deep convolutional neural networks,” Advances in neural information processing systems, vol. 25, 2012.
- [31] Y. Zhu, J. Wong, A. Mandlekar, R. Martín-Martín, A. Joshi, S. Nasiriany, and Y. Zhu, “robosuite: A modular simulation framework and benchmark for robot learning,” in arXiv preprint arXiv:2009.12293, 2020.
- [32] A. Mandlekar, D. Xu, J. Wong, S. Nasiriany, C. Wang, R. Kulkarni, L. Fei-Fei, S. Savarese, Y. Zhu, and R. Martín-Martín, “What matters in learning from offline human demonstrations for robot manipulation,” in arXiv preprint arXiv:2108.03298, 2021.
- [33] J. Schulman, F. Wolski, P. Dhariwal, A. Radford, and O. Klimov, “Proximal policy optimization algorithms,” 2017.
Appendix
I Experiment 1: Mobile Robot Navigation
In this experiment we considered two distinct setups. In the initial setup we trained the obstacle classifier specifically on an orange box, varying in different orientation and distance, as shown in Fig 9. We then compare the variation in importance of concepts caused by the fine-tuning method used and the pre-processing steps involved during training. In the second setup, we generalized the classifier by introducing different objects as obstacles in the training dataset. We test the model with color, darkness and distance as a concept. These criteria were selected based on a human study(Appendix I-C) performed where we ask them to describe important attributes the model might have learned given the dataset. The dataset used to train the classifier model which is used for decision making in the JetBot is collected from the onboard camera attached on top the JetBot. In both the setups, we have 350 images in training and 150 in testing, split equally among both classes as shown in Fig 10.
Jetbot configuration: The JetBot is a compact robot built on the NVIDIA Jetson Nano platform, designed for AI and robotics applications. Key components of the JetBot include: The Jetson Nano board which has a 4GB LPDDR4 RAM, a 128-core NVIDIA Maxwell GPU, and a quad-core ARM Cortex-A57 MPCore processor. An 8 MP wide-angle camera is attached on top. It also includes two motors and a motor driver for precise control of the robot’s wheel movement.
AlexNet [30]: AlexNet is the classifier model we use for decision making in JetBot. AlexNet was used due its high processing speed which is critical in robotics. We change the architecture by replacing the final layer with a layer with 2 nodes.
Training: We finetuned the AlexNet model with orange box obstacle dataset and general object obstacle dataset. We finetuned the models with FFT and LFT for 100 epochs with cross-entropy loss and SGD optimizer with learning rate of 0.001 and momentum 0.9, while applying color jitter (CJ) and/or image rotation (R). The training loss across different experiments are shown in Fig 12.
I-A Concepts
Fig 11 shows the concepts which were used across different experiments. Random concepts were creating by randomly picking a unique color for each pixel value in the image. We evaluated the models with dark-light concept, orange-random concept, distance 30-random concept, distance 45-random concept, and distance 60-random concept sets.
I-B Additional Results
Fig 13 and Fig 14 shows the results of general model, finetuned with all parameters and final layer parameters, respectively. They are compared over different concepts and augmentation techniques. We see that in both the cases models were not able to understand dark difference between dark and light concept.
I-C Human survey
Fig 15(a) shows the screenshot of the survey that was circulated. Fig 15(b) is the distribution of chosen by the participants (20). Fig 15(c) shows the word cloud representation of all the replies gotten by the participants.
II Experiment 2: Tasks with Proprioceptive Sensors
II-A Model details
Architecture: The model architecture, depicted in Fig 5(a), employs a low-dimensional observation modality that integrates multiple sensor inputs: gripper position (2-vector), end-effector position (3-vector), object characteristics (10-14 vector), and end-effector orientation (4-vector). The network outputs a 7-dimensional action vector which includes delta values for the robot’s movements: three for end-effector position (x, y, z), three for orientation (roll, pitch, yaw), and one for gripper force.
The model has 3 main components: Observation Encoding, Multi-Layer Perceptron(MLP), Observation Decoding.
-
1.
Observation Encoding: Prior to processing, observed states undergo encoding through an Observation Group Encoder. This encoder handles observation modalities, which are object information, robot end effector position and orientation, and gripper state. The encoded observations are concatenated into a single vector representation.
-
2.
MLP: The concatenated vector is then fed into an MLP comprising a single hidden layer with ReLU activation, facilitating the extraction of high-level features from the encoded observations. The output dimensionality of the MLP is 1024.
-
3.
Observation Decoding: Following feature extraction, the output of the MLP is decoded to produce the desired actions. This decoding process involves a linear transformation, mapping the MLP output to the action space. The actions consist of seven elements, corresponding to the changes in position (x, y, z) and orientation (roll, pitch, yaw) of the robot end effector, as well as the gripper state.
Training: We train the model using the ph low_dim dataset from robomimic [32] on task can,lift and sqare. The training process begins with data normalization to ensure consistent input scaling. The training loop spans 500 epochs, each consisting of 100 gradient steps. During each step, the model calculates the mean squared error (MSE) loss between predicted and ground truth actions. This loss is then used to update the model parameters using the Adam optimizer.
This model was trained across three different task:
-
1.
Pick Place Can(PPC): The primary goal of this task is for the robot to accurately pick up a can from one location using a gripping mechanism and then move it to a specified area to place it down. Fig 17 shows the state across different timesteps and Fig 18 shows BaTCAVe performed across multiple on PPC.
- 2.
- 3.
Table II shows BeTCAVe scores across all tasks and ’s.
II-B Concepts
Due to the nature of proprioceptive sensors not using image inputs, we do not define as images like traditional methods. We use the inputs vectors as the vector input of the perticular concept would be taken from the input and rest of the dimesnion would be randomly selected for example would be the vector input of object(size 10-14) + random vectors(size 9) to make up the total dimension 19. Random concept were random vectors of size 19-23.
II-C Additional Results
For this experiment we test BaTCAVe on the final linear layer which is just after the MLP layer in the architecture Fig 5(a)
Task | Action Concept | object | eef_pos | eef_quat | gripper |
---|---|---|---|---|---|
Pick & place | X | ||||
Y | |||||
Z | |||||
Roll | |||||
Pitch | |||||
Yaw | |||||
Gripper | N.A* | ||||
Nut assembly | X | ||||
Y | |||||
Z | |||||
Roll | |||||
Pitch | |||||
Yaw | |||||
Gripper | N.A* | ||||
Lift | X | ||||
Y | |||||
Z | |||||
Roll | |||||
Pitch | |||||
Yaw | |||||
Gripper | N.A* |
III Experiment 3: Cube Lifting with Vision-Language Inputs
III-A Concepts
The model used in experiment 3 takes in both image and language input, We keep one input constant to test concepts of the other input. Random concepts were samples from ImageNet.
-
1.
Image concept: We choose concepts from the input image we blur out the rest of the concept in the input to represent a concept as shown in Fig 23. BaTCAVe shows high variance but consistent score across all when .
- 2.
Index | Standard Instructions | Gibberish | Verb |
---|---|---|---|
1 | Lift the box | skdfj 12asj 5893 2467* | Lift |
2 | Grab the box | fjdkl c33kd 3940 8175 | Grab |
3 | Take the box | qpwie b99fs 1295 375476 | Take |
4 | Move the box | zxcvb n66gh 5421 983613 | Move |
5 | Collect the box | plmok u55wr 7864 2319 | Collect |
6 | Retrieve the box | akyse l44qs 6572 048756 | Retrieve |
7 | Hoist the box | bvgfr t22vp 3187 7695*( | Hoist |
8 | Handle the box | nmjqw o11lm 9538 65 | Handle |
9 | Carry the box | xswed k88ht 2409 186428 | Carry |
10 | Raise the box | ecrvt f77yr 4812 690391 | Raise |
III-B Model details
Architecture: The network outputs a 360-dimensional action vector via a final linear layer, mapping the robot’s projected movements over the next 36 timesteps. This output includes the first 108 nodes for end-effector position (x, y, z), the subsequent 108 for orientation (roll, pitch, yaw), and the final 36 for gripper.
The main components are Visual Encoder, Visual Narrower, Task ID Encoder, Controllers
-
1.
Visual Encoder: This part of the model uses a ResNet (Residual Network) architecture for visual encoding.
-
2.
Visual Narrower: A linear transformation that reduces the feature dimension from the output of the ResNet (512 features) down to a lower-dimensional space (256 features).
-
3.
Task ID Encoder(CLIP): Vision transformer for encoding task IDs based on both textual
-
4.
Controllers
-
(a)
XYZ Controller: Controls the position in 3D space.
-
(b)
RPY Controller: Controls rotation around the roll, pitch, and yaw axes.
-
(c)
Grip Controller: Manages the actions related to opening and closing a robotic gripper.
-
(a)
Training: The Model is trained based on a behavior cloning (BC) policy tailored to handle dual inputs: high-resolution images (224x224x3) from the camera and verbal instructions given to the robot. We train the model for 100,000 epochs on 300 demonstrations with a batch size of 64 using a Huber loss function and Adam optimizer.
IV Experiment 4: Vision-based Autonomous Driving
IV-A Model details
Architecture: The policy model architecture comprises a sequence of convolutional layers followed by fully connected layers. The input to the model is an RGB image, representing the current state of the environment. After the convolutional layers, a flattening operation is applied, transforming the 3D feature maps into a 1D feature vector. This vector serves as the input to the fully connected layers. The flattened vector is fed into a dense (fully connected) layer comprising 512 units. This layer integrates the features extracted by the convolutional layers to form a high-level representation of the input.
Training: The policy network was trained on PPO algorithm using Stable Baselines3 library. The parameters set for training included a learning rate of 0.0003, a rollout of 2048 steps per update, and a batch size of 64. Discount factor (gamma) was set at 0.99 with a Generalized Advantage Estimation (GAE) lambda of 0.95, which helps in balancing bias and variance. The policy clipping range was set to 0.2, and advantages were normalized to stabilize the training. Additionally, the value function coefficient was set at 0.5, and the maximum gradient norm was capped at 0.5 to prevent exploding gradients.